Archives for MachineCurve.com
- Mon 08 January 2024
- LLM in a Flash: improving memory requirements of large language models
- Tue 02 January 2024
- What is Retrieval-Augmented Generation?
- Wed 27 December 2023
- Building a zero-shot image classifier with CLIP and HuggingFace Transformers
- Wed 27 December 2023
- In-Context Learning: what it is and how it works
- Fri 22 December 2023
- CLIP: how it works, how it's trained and how to use it
- Wed 22 November 2023
- Building a Stable Diffusion like text-to-image pipeline using DreamShaper 7
- Sun 19 November 2023
- A gentle introduction to LoRA for fine-tuning large language models
- Sun 30 January 2022
- How to build a U-Net for image segmentation with TensorFlow and Keras
- Sat 29 January 2022
- Grouped convolutions with TensorFlow 2 and Keras
- Fri 28 January 2022
- U-Net, a step-by-step introduction
- Mon 24 January 2022
- Greedy layer-wise training of deep networks, a PyTorch example
- Sun 23 January 2022
- Building a Decision Tree for classification with Python and Scikit-learn
- Thu 20 January 2022
- How to build a ResNet from scratch with TensorFlow 2 and Keras
- Thu 13 January 2022
- ResNet, a simple introduction
- Sun 09 January 2022
- Greedy layer-wise training of deep networks, a TensorFlow/Keras example
- Fri 07 January 2022
- Quick and easy GPU & TPU acceleration for PyTorch with HuggingFace Accelerate
- Tue 04 January 2022
- Easy Object Detection with Python, HuggingFace Transformers and Machine Learning
- Tue 28 December 2021
- How to use Upsample for upsampling with PyTorch
- Mon 27 December 2021
- StyleGAN, a step-by-step introduction
- Wed 10 November 2021
- Cropping layers with PyTorch
- Wed 10 November 2021
- How to use TensorBoard with PyTorch
- Tue 09 November 2021
- GANs: an Introduction to Fréchet Inception Distance (FID)
- Sun 07 November 2021
- Introduction to Isotropic architectures in Computer Vision
- Tue 05 October 2021
- Simple Multi-options A/B/n test with Multi-Armed Bandit in Python
- Wed 21 July 2021
- How to use L1, L2 and Elastic Net regularization with PyTorch?
- Tue 20 July 2021
- How to create a neural network for regression with PyTorch
- Mon 19 July 2021
- How to use PyTorch loss functions
- Sat 17 July 2021
- Building a simple vanilla GAN with PyTorch
- Thu 15 July 2021
- Creating DCGAN with PyTorch
- Thu 15 July 2021
- Creating DCGAN with TensorFlow 2 and Keras
- Wed 14 July 2021
- Easy grammar error detection & correction with Machine Learning
- Thu 08 July 2021
- Convolutional Neural Networks with PyTorch
- Wed 07 July 2021
- Using Dropout with PyTorch
- Tue 30 March 2021
- How to label your dataset for YOLO Object Detection
- Mon 29 March 2021
- Batch Normalization with PyTorch
- Thu 25 March 2021
- Conditional GANs (cGANs) explained
- Thu 25 March 2021
- Creating Interactive Visualizations of TensorFlow Keras datasets
- Wed 24 March 2021
- An introduction to DCGANs
- Tue 23 March 2021
- Generative Adversarial Networks, a gentle introduction
- Tue 16 March 2021
- DialoGPT: Transformers for Dialogues
- Tue 16 March 2021
- Easy Chatbot with DialoGPT, Machine Learning and HuggingFace Transformers
- Fri 12 March 2021
- Transformers for Long Text: Code Examples with Longformer
- Thu 11 March 2021
- Longformer: Transformers for Long Sequences
- Wed 10 March 2021
- Easy Table Parsing with TAPAS, Machine Learning and HuggingFace Transformers
- Fri 05 March 2021
- The TAPAS Transformer: Table Parsing with BERT
- Wed 03 March 2021
- Easy Causal Language Modeling with Machine Learning and HuggingFace Transformers
- Tue 02 March 2021
- Easy Masked Language Modeling with Machine Learning and HuggingFace Transformers
- Fri 26 February 2021
- What is ConvBERT and how does it work?
- Wed 17 February 2021
- Easy Speech Recognition with Machine Learning and HuggingFace Transformers
- Tue 16 February 2021
- Wav2vec 2: Transformers for Speech Recognition
- Mon 15 February 2021
- Easy Machine Translation with Machine Learning and HuggingFace Transformers
- Mon 15 February 2021
- What is the BART Transformer in NLP?
- Mon 15 February 2021
- What is the T5 Transformer and how does it work?
- Thu 11 February 2021
- Easy Named Entity Recognition with Machine Learning and HuggingFace Transformers
- Wed 10 February 2021
- How to predict new samples with your PyTorch model?
- Wed 03 February 2021
- How to save and load a PyTorch model?
- Tue 02 February 2021
- How to use K-fold Cross Validation with PyTorch?
- Wed 27 January 2021
- Testing PyTorch and Lightning models
- Tue 26 January 2021
- Creating a Multilayer Perceptron with PyTorch and Lightning
- Thu 21 January 2021
- Using ReLU, Sigmoid and Tanh with PyTorch, Ignite and Lightning
- Wed 20 January 2021
- Binary Crossentropy Loss with PyTorch, Ignite and Lightning
- Tue 19 January 2021
- Visualizing Transformer behavior with Ecco
- Fri 15 January 2021
- Object Detection for Images and Videos with TensorFlow 2.0
- Wed 13 January 2021
- Getting started with PyTorch
- Tue 12 January 2021
- Using SELU with TensorFlow 2.0 and Keras
- Mon 11 January 2021
- Bidirectional LSTMs with TensorFlow 2.0 and Keras
- Thu 07 January 2021
- Build an LSTM Model with TensorFlow 2.0 and Keras
- Wed 06 January 2021
- ALBERT explained: A Lite BERT
- Tue 05 January 2021
- DALL·E: OpenAI GPT-3 model can draw pictures based on text
- Mon 04 January 2021
- Intuitive Introduction to BERT
- Sat 02 January 2021
- Intuitive Introduction to OpenAI GPT
- Tue 29 December 2020
- A gentle introduction to Long Short-Term Memory Networks (LSTM)
- Tue 29 December 2020
- Differences between Autoregressive, Autoencoding and Sequence-to-Sequence Models in Machine Learning
- Mon 28 December 2020
- Introduction to Transformers in Machine Learning
- Wed 23 December 2020
- How to perform Sentiment Analysis with Python, HuggingFace Transformers and Machine Learning
- Mon 21 December 2020
- Question Answering with Python, HuggingFace Transformers and Machine Learning
- Mon 21 December 2020
- How to perform Text Summarization with Python, HuggingFace Transformers and Machine Learning
- Mon 21 December 2020
- From vanilla RNNs to Transformers: a history of Seq2Seq learning
- Tue 15 December 2020
- Performing OPTICS clustering with Python and Scikit-learn
- Thu 10 December 2020
- Performing Linear Regression with Python and Scikit-learn
- Wed 09 December 2020
- DBSCAN clustering tutorial: example with Scikit-learn
- Mon 07 December 2020
- Introducing PCA with Python and Scikit-learn for Machine Learning
- Thu 03 December 2020
- Using Deep Learning for Classifying Mail Digits
- Tue 01 December 2020
- How to check if your Deep Learning model is underfitting or overfitting?
- Wed 25 November 2020
- Using Radial Basis Functions for SVMs with Python and Scikit-learn
- Tue 24 November 2020
- One-Hot Encoding for Machine Learning with Python and Scikit-learn
- Tue 24 November 2020
- One-Hot Encoding for Machine Learning with TensorFlow 2.0 and Keras
- Mon 23 November 2020
- Feature Scaling with Python and Sparse Data
- Thu 19 November 2020
- How to Normalize or Standardize a Dataset in Python?
- Thu 19 November 2020
- Python Feature Scaling with Outliers in your Dataset
- Tue 17 November 2020
- How to perform Multioutput Regression with SVMs in Python
- Mon 16 November 2020
- Creating a Multilabel Neural Network Classifier with Tensorflow 2.0 and Keras
- Mon 16 November 2020
- How to create a train/test split for your Machine Learning model?
- Thu 12 November 2020
- How to create a Multilabel SVM classifier with Scikit-learn
- Thu 12 November 2020
- Using Error-Correcting Output Codes with Scikit-learn for multiclass SVM classification
- Wed 11 November 2020
- Creating One-vs-Rest and One-vs-One SVM Classifiers with Scikit-learn
- Tue 10 November 2020
- An introduction to TensorFlow.Keras callbacks
- Tue 10 November 2020
- Working with Imbalanced Datasets with TensorFlow 2.0 and Keras
- Thu 05 November 2020
- ML against COVID-19: detecting disease with TensorFlow, Keras and transfer learning
- Thu 05 November 2020
- Saying hello to TensorFlow 2.4.0
- Tue 03 November 2020
- How to evaluate a TensorFlow 2.0 Keras model with model.evaluate
- Mon 02 November 2020
- Machine Learning Error: Bias, Variance and Irreducible Error with Python
- Thu 29 October 2020
- Why nonlinear activation functions improve ML performance - with TensorFlow 2.0 example
- Tue 27 October 2020
- Using Teachable Machine for creating TensorFlow models
- Mon 26 October 2020
- Your First Machine Learning Project with TensorFlow 2.0 and Keras
- Thu 22 October 2020
- Distributed training: TensorFlow and Keras models with Apache Spark
- Tue 20 October 2020
- Tutorial: building a Hot Dog - Not Hot Dog classifier with TensorFlow and Keras
- Mon 19 October 2020
- 3 Variants of Classification Problems in Machine Learning
- Fri 16 October 2020
- TensorFlow Cloud: easy cloud-based training of your Keras model
- Wed 07 October 2020
- Easy install of Jupyter Notebook with TensorFlow 2.0 and Docker
- Tue 06 October 2020
- TensorFlow model optimization: introducing weight clustering
- Thu 01 October 2020
- Measuring sparsity during training: TensorFlow PruningSummaries
- Tue 29 September 2020
- TensorFlow pruning schedules: ConstantSparsity and PolynomialDecay
- Wed 23 September 2020
- TensorFlow model optimization: an introduction to Pruning
- Wed 16 September 2020
- TensorFlow model optimization: an introduction to Quantization
- Sun 13 September 2020
- TensorFlow Eager Execution: what is it?
- Tue 09 June 2020
- Automating neural network configuration with Keras Tuner
- Tue 05 May 2020
- How to create a confusion matrix with Scikit-learn?
- Tue 05 May 2020
- How to visualize support vectors of your SVM classifier?
- Sun 03 May 2020
- Creating a simple binary SVM classifier with Python and Scikit-learn
- Sat 02 May 2020
- Visualizing gradient importance with Vanilla Gradients and tf-explain
- Mon 27 April 2020
- Neural network Activation Visualization with tf-explain
- Sun 26 April 2020
- How to use HDF5Matrix with Keras?
- Thu 23 April 2020
- How to perform Mean Shift clustering with Python in Scikit?
- Sat 18 April 2020
- Affinity Propagation Tutorial: Example with Scikit-learn
- Thu 16 April 2020
- K-means Clustering tutorial: example with Scikit-learn
- Mon 13 April 2020
- How to use H5Py and Keras to train with data from HDF5 files?
- Mon 13 April 2020
- Storing web app machine learning predictions in a SQL database
- Wed 08 April 2020
- How to Perform Fruit Classification with Deep Learning in Keras
- Mon 06 April 2020
- Using simple generators to flow data from file with Keras
- Sun 05 April 2020
- How to find the value for Keras input_shape/input_dim?
- Wed 01 April 2020
- How to generate a summary of your Keras model?
- Mon 30 March 2020
- How to use Conv2D with Keras?
- Thu 19 March 2020
- Tutorial: How to deploy your ConvNet classifier with Keras and FastAPI
- Tue 17 March 2020
- Help fight COVID-19: participate in the CORD-19 challenge
- Tue 03 March 2020
- Classifying IMDB sentiment with Keras and Embeddings, Dropout & Conv1D
- Thu 27 February 2020
- Visualizing your Neural Network with Netron
- Wed 26 February 2020
- Getting out of Loss Plateaus by adjusting Learning Rates
- Tue 25 February 2020
- Training your Neural Network with Cyclical Learning Rates
- Fri 21 February 2020
- How to predict new samples with your TensorFlow / Keras model?
- Thu 20 February 2020
- Finding optimal learning rates with the Learning Rate Range Test
- Tue 18 February 2020
- How to use K-fold Cross Validation with TensorFlow 2 and Keras?
- Fri 14 February 2020
- How to save and load a model with Keras?
- Mon 10 February 2020
- Using Constant Padding, Reflection Padding and Replication Padding with TensorFlow and Keras
- Sun 09 February 2020
- How to build a ConvNet for CIFAR-10 and CIFAR-100 classification with Keras?
- Sat 08 February 2020
- How to use padding with Keras?
- Thu 06 February 2020
- What is padding in a neural network?
- Tue 04 February 2020
- How to use Cropping layers with TensorFlow and Keras?
- Fri 31 January 2020
- Reducing trainable parameters with a Dense-free ConvNet classifier
- Thu 30 January 2020
- What are Max Pooling, Average Pooling, Global Max Pooling and Global Average Pooling?
- Sun 26 January 2020
- Which regularizer do I need for training my neural network?
- Fri 24 January 2020
- Overview of activation functions for neural networks
- Thu 23 January 2020
- How to use L1, L2 and Elastic Net Regularization with TensorFlow 2.0 and Keras?
- Tue 21 January 2020
- What are L1, L2 and Elastic Net Regularization in neural networks?
- Wed 15 January 2020
- How to use Batch Normalization with Keras?
- Tue 14 January 2020
- What is Batch Normalization for training neural networks?
- Fri 10 January 2020
- Making more datasets available for Keras
- Wed 08 January 2020
- How does the Softmax activation function work?
- Tue 07 January 2020
- Visualizing Keras neural networks with Net2Vis and Docker
- Mon 06 January 2020
- How to use FTSwish with Keras?
- Fri 03 January 2020
- What is the FTSwish activation function?
- Mon 30 December 2019
- Exploring the Keras Datasets
- Mon 30 December 2019
- How to create a variational autoencoder with Keras?
- Thu 26 December 2019
- How to visualize the encoded state of an autoencoder with Keras?
- Tue 24 December 2019
- What is a Variational Autoencoder (VAE)?
- Sat 21 December 2019
- How to use Kullback-Leibler divergence (KL divergence) with Keras?
- Fri 20 December 2019
- Building an Image Denoiser with a Keras autoencoder neural network
- Thu 19 December 2019
- Creating a Signal Noise Removal Autoencoder with Keras
- Wed 18 December 2019
- How to use Dropout with Keras?
- Mon 16 December 2019
- What is Dropout? Reduce overfitting in your neural networks
- Wed 11 December 2019
- UpSampling2D: how to use upsampling with Keras?
- Tue 10 December 2019
- Conv2DTranspose: using 2D transposed convolutions with Keras
- Mon 09 December 2019
- How to use ELU with Keras?
- Thu 05 December 2019
- How to use PReLU with Keras?
- Tue 03 December 2019
- Visualize Keras models: overview of visualization methods & tools
- Tue 03 December 2019
- What do ConvNets see? Visualizing filters with Activation Maximization
- Mon 02 December 2019
- Visualize layer outputs of your Keras classifier with Keract
- Thu 28 November 2019
- Visualizing Keras CNN attention: Grad-CAM Class Activation Maps
- Mon 25 November 2019
- Visualizing Keras CNN attention: Saliency maps
- Mon 18 November 2019
- Activation Maximization with TensorFlow 2 based Keras for visualizing model inputs
- Sun 17 November 2019
- Beyond Swish: the LiSHT activation function
- Sun 17 November 2019
- How to use LiSHT activation function with TensorFlow 2 based Keras?
- Wed 13 November 2019
- How to use TensorBoard with TensorFlow 2 and Keras?
- Tue 12 November 2019
- Using Leaky ReLU with TensorFlow 2 and Keras
- Mon 11 November 2019
- Problems with fixed and decaying learning rates
- Wed 06 November 2019
- What is a Learning Rate in a Neural Network?
- Mon 04 November 2019
- Life 3.0 Review: Being Human in the Age of AI
- Sun 03 November 2019
- Extensions to Gradient Descent: from momentum to AdaBound
- Thu 24 October 2019
- Gradient Descent and its variants
- Wed 23 October 2019
- How to use Logcosh with TensorFlow 2 and Keras?
- Wed 23 October 2019
- Rise of the Machines Review: AI's broader context
- Tue 22 October 2019
- How to use binary & categorical crossentropy with TensorFlow 2 and Keras?
- Fri 18 October 2019
- A simple Conv3D example with TensorFlow 2 and Keras
- Thu 17 October 2019
- How to use categorical / multiclass hinge with TensorFlow 2 and Keras?
- Tue 15 October 2019
- How to use hinge & squared hinge loss with TensorFlow 2 and Keras?
- Tue 15 October 2019
- Leaky ReLU: improving traditional ReLU
- Sat 12 October 2019
- Using Huber loss with TensorFlow 2 and Keras
- Fri 11 October 2019
- Visualizing the decision boundary of your TensorFlow 2 / Keras model
- Tue 08 October 2019
- Visualizing training performance with TensorFlow 2 and Keras
- Mon 07 October 2019
- How to visualize a model with TensorFlow 2 and Keras?
- Sun 06 October 2019
- How to use sparse categorical crossentropy with TensorFlow 2 and Keras?
- Fri 04 October 2019
- About loss and loss functions
- Sun 29 September 2019
- Understanding transposed convolutions
- Tue 24 September 2019
- Creating depthwise separable convolutions with TensorFlow 2 and Keras
- Mon 23 September 2019
- Understanding separable convolutions
- Fri 20 September 2019
- Understanding SVM and SVR for Classification and Regression
- Tue 17 September 2019
- How to create a CNN with TensorFlow 2.0 and Keras?
- Mon 16 September 2019
- He/Xavier initialization & activation functions: choose wisely
- Mon 09 September 2019
- ReLU, Sigmoid and Tanh with TensorFlow 2 and Keras
- Wed 04 September 2019
- ReLU, Sigmoid and Tanh: today's most used activation functions
- Fri 30 August 2019
- Vanishing and exploding gradients
- Thu 22 August 2019
- Weight initialization in neural networks: what is it?
- Tue 30 July 2019
- MLP for regression with TensorFlow 2 and Keras
- Sat 27 July 2019
- How to create an MLP classifier with TensorFlow 2 and Keras
- Wed 24 July 2019
- Why you can't truly create Rosenblatt's Perceptron with Keras
- Tue 23 July 2019
- Linking maths and intuition: Rosenblatt's Perceptron in Python
- Mon 22 July 2019
- Commoditizing AI? The state of automated machine learning.
- Fri 19 July 2019
- CNNs and feature extraction? The curse of data sparsity.
- Thu 18 July 2019
- Can neural networks approximate mathematical functions?
- Wed 17 July 2019
- This Person Does Not Exist - how does it work?
- Mon 10 June 2019
- Why you shouldn't use a linear activation function
- Sat 01 June 2019
- Could chaotic neurons reduce machine learning data hunger?
- Thu 30 May 2019
- Using EarlyStopping and ModelCheckpoint with TensorFlow 2 and Keras
- Thu 30 May 2019
- Why Swish could perform better than ReLu
- Fri 07 December 2018
- Convolutional Neural Networks and their components for computer vision
- Fri 23 November 2018
- What is deep learning exactly?
- Sat 30 September 2017
- The differences between AI, machine learning & more