top of page

Learn through our Blogs, Get Expert Help & Innovate with Colabcodes

Welcome to Colabcodes, where technology meets innovation. Our articles are designed to provide you with the latest news and information about the world of tech. From software development to artificial intelligence, we cover it all. Stay up-to-date with the latest trends and technological advancements. If you need help with any of the mentioned technologies or any of its variants, feel free to contact us and connect with our freelancers and mentors for any assistance and guidance. 

blog cover_edited.jpg

ColabCodes

Writer's picturesamuel black

A Beginner's Guide to Keras in Python for Deep Learning

Deep learning has become a pivotal technology in the field of artificial intelligence (AI), powering innovations in everything from natural language processing to computer vision. One of the most popular tools for building deep learning models in Python is Keras, an open-source library that provides a high-level interface for working with neural networks. In this blog, we'll explore what Keras is, why it’s widely used, and how to get started with building your own deep learning model using Keras.

Keras in Python for Deep Learning - colabcodes

What is Keras in Python?

Keras is an open-source deep learning library written in Python, designed to provide a high-level interface for building and training neural networks. Developed by François Chollet, Keras is known for its simplicity and user-friendly nature, making it accessible to both beginners and experts in the field of machine learning. It allows developers to quickly prototype models using simple and intuitive APIs. Keras can run on top of various deep learning backends like TensorFlow, Theano, and Microsoft Cognitive Toolkit (CNTK), and is particularly popular for its ability to seamlessly integrate with TensorFlow, which is now its default backend. Few of the key features of keras include:


  1. User-Friendly: Keras is designed to be simple and intuitive, making it easy to build deep learning models with just a few lines of code.

  2. Modular and Extensible: Keras allows you to create complex models by combining smaller, reusable components like layers, optimizers, and loss functions.

  3. Runs on Multiple Backends: While it’s most commonly used with TensorFlow, Keras can also run on other backends like Theano and Microsoft Cognitive Toolkit (CNTK).

  4. Integration with TensorFlow: Since Keras is now part of TensorFlow, it benefits from TensorFlow’s extensive ecosystem, including tools for model training, deployment, and scaling.


Why Choose Keras?

Keras is widely favored for its ease of use, flexibility, and ability to accelerate deep learning development. Its user-friendly API allows developers to build and experiment with neural networks quickly without getting bogged down by complex code. Keras is highly modular, enabling users to design sophisticated models by combining and customizing layers, optimizers, and loss functions. Additionally, Keras seamlessly integrates with TensorFlow, leveraging its powerful computational capabilities and extensive ecosystem. This combination of simplicity, adaptability, and integration makes Keras an ideal choice for both beginners and experts in the deep learning community.


  1. Ease of Use: Keras abstracts many of the complexities involved in designing deep learning models. It provides simple APIs for building models, defining layers, and compiling them.

  2. Extensive Documentation and Community Support: The Keras documentation is thorough, with numerous examples and guides. Additionally, a large community of developers contributes to the library, which means you'll find plenty of tutorials and support.

  3. Flexibility: Keras allows you to build a wide range of deep learning models, from simple feedforward networks to complex models involving convolutional and recurrent layers.

  4. Integration with TensorFlow: Since Keras is part of the TensorFlow ecosystem, you can take advantage of TensorFlow’s powerful tools for model training, deployment, and scaling.


Getting Started with Keras Framwork in Python

Getting started with Keras in Python is straightforward, making it an excellent choice for both newcomers and seasoned developers in deep learning. First, install Keras alongside TensorFlow, as Keras now comes bundled with TensorFlow, providing a powerful backend. With a simple pip install tensorflow keras, you're ready to begin. Keras’ intuitive API allows you to quickly build and train neural networks. From importing libraries and preparing datasets to defining models and running training loops, Keras streamlines the entire process, enabling you to prototype and experiment with ease.


Installing Keras

Before you can start using Keras, you need to install it along with TensorFlow. You can do this using pip:

pip install tensorflow keras

This command installs both TensorFlow and Keras, since Keras now comes bundled with TensorFlow.


Building Your First Neural Network using keras in Python

Let's walk through building a simple neural network model to solve a classification problem. We'll use the popular MNIST dataset, which consists of 28x28 pixel images of handwritten digits.


Step 1: Import Libraries


# Import libraries

import keras

from keras.models import Sequential

from keras.layers import Dense, Flatten

from keras.datasets import mnist

from keras.utils import to_categorical


Step 2: Load and Preprocess the Data


# Load the dataset

(train_images, train_labels), (test_images, test_labels) = mnist.load_data()


# Preprocess the data

train_images = train_images.reshape((60000, 28, 28, 1)).astype('float32') / 255

test_images = test_images.reshape((10000, 28, 28, 1)).astype('float32') / 255


# Convert labels to categorical one-hot encoding

train_labels = to_categorical(train_labels)

test_labels = to_categorical(test_labels)


Output for the code above:

Downloading data from https://storage.googleapis.com/tensorflow/tf-keras-datasets/mnist.npz
11490434/11490434 ━━━━━━━━━━━━━━━━━━━━ 0s 0us/step

Step 3: Define the Neural Model

Here, we’ve created a simple model using the Sequential API, which is a linear stack of layers. The model consists of:


  • A Flatten layer that reshapes the input data to a one-dimensional array.

  • A Dense layer with 128 units and ReLU activation.

  • A Dense output layer with 10 units (one for each digit class) and softmax activation.


# Model Architecture

model = Sequential([

    Flatten(input_shape=(28, 28, 1)),

    Dense(128, activation='relu'),

    Dense(10, activation='softmax')

])


Step 4: Compile the Model


# Model compilation

model.compile(optimizer='adam',

              loss='categorical_crossentropy',

              metrics=['accuracy'])


The compile method specifies the loss function, optimizer, and metrics to be used during training. In this case, we're using the Adam optimizer and categorical cross-entropy as the loss function since this is a multi-class classification problem.


Step 5: Train the Model


# Model training

model.fit(train_images, train_labels, epochs=5, batch_size=32)


Output for the above code:

Epoch 1/5
1875/1875 ━━━━━━━━━━━━━━━━━━━━ 15s 7ms/step - accuracy: 0.8758 - loss: 0.4410
Epoch 2/5
1875/1875 ━━━━━━━━━━━━━━━━━━━━ 16s 5ms/step - accuracy: 0.9640 - loss: 0.1200
Epoch 3/5
1875/1875 ━━━━━━━━━━━━━━━━━━━━ 7s 4ms/step - accuracy: 0.9758 - loss: 0.0808
Epoch 4/5
1875/1875 ━━━━━━━━━━━━━━━━━━━━ 9s 5ms/step - accuracy: 0.9822 - loss: 0.0591
Epoch 5/5
1875/1875 ━━━━━━━━━━━━━━━━━━━━ 7s 4ms/step - accuracy: 0.9876 - loss: 0.0422

The fit method trains the model for a specified number of epochs (iterations over the training data) with a given batch size.


Step 6: Evaluate the Model


# Model Evaluation

test_loss, test_acc = model.evaluate(test_images, test_labels)

print(f'Test accuracy: {test_acc}')


Output for the above code:

313/313 ━━━━━━━━━━━━━━━━━━━━ 1s 2ms/step - accuracy: 0.9748 - loss: 0.0885
Test accuracy: 0.9787999987602234

After training, we evaluate the model on the test dataset to see how well it generalizes to new data.


Full code for Implementing Neural Network using Keras in Python

Here’s a complete example of implementing a simple neural network using Keras in Python, designed to classify images from the MNIST dataset of handwritten digits. This example demonstrates how to load and preprocess data, build a neural network model, compile it, train it, and evaluate its performance:


# Import libraries

import keras

from keras.models import Sequential

from keras.layers import Dense, Flatten

from keras.datasets import mnist

from keras.utils import to_categorical


# Load the dataset

(train_images, train_labels), (test_images, test_labels) = mnist.load_data()


# Preprocess the data

train_images = train_images.reshape((60000, 28, 28, 1)).astype('float32') / 255

test_images = test_images.reshape((10000, 28, 28, 1)).astype('float32') / 255


# Convert labels to categorical one-hot encoding

train_labels = to_categorical(train_labels)

test_labels = to_categorical(test_labels)


# Model Architecture

model = Sequential([

    Flatten(input_shape=(28, 28, 1)),

    Dense(128, activation='relu'),

    Dense(10, activation='softmax')

])


# Model compilation

model.compile(optimizer='adam',

              loss='categorical_crossentropy',

              metrics=['accuracy'])


# Model training

model.fit(train_images, train_labels, epochs=5, batch_size=32)


# Model Evaluation

test_loss, test_acc = model.evaluate(test_images, test_labels)

print(f'Test accuracy: {test_acc}')


Conclusion

Keras is a powerful and user-friendly library for deep learning in Python, offering a blend of simplicity, flexibility, and integration with TensorFlow’s robust backend. Its intuitive API allows developers to rapidly build and experiment with neural network models, making it accessible to both beginners and experts. Whether you're tackling simple classification tasks or exploring complex neural architectures, Keras provides the tools needed to turn ideas into functional models efficiently. By combining ease of use with advanced capabilities, Keras has solidified its place as a go-to framework in the deep learning landscape. Embracing Keras means harnessing the power of deep learning with minimal effort, allowing you to focus on innovation and experimentation.

Related Posts

See All

Comments


Get in touch for customized mentorship and freelance solutions tailored to your needs.

bottom of page