I need a freelancer I am a freelancer Pricing

Aishwarya Verma

New Delhi, India
Book Aishwarya with Paydesk
See how it works

Book Aishwarya with Paydesk

Make your booking securely through paydesk for these benefits:

1

Preferred Booking Channel

Aishwarya is more likely to commit to assignments booked through paydesk, as it is a trusted platform that validates the seriousness and legitimacy of each engagement.
2

Insured Bookings for Peace of Mind

We provide basic insurance coverage with each booking on paydesk, giving both you and the media professional confidence and protection while they work for you.
3

Effortless Online Payment

Paydesk offers a payment protection system to ensure payments are only finalized when you are satisfied with the job completion. Freelancers trusts our process that guarantees their efforts are rewarded upon successful delivery of services

Still have questions?

Check FAQ
About Aishwarya
Aishwarya Verma is a researcher & writer based in New Delhi, India.
Languages
English Hindi
Services
Research Photography Fixing
+1
Skills
Business Politics Current Affairs
+2
Portfolio

Guide To PP-YOLO: An Effective And Efficient Implementation Of Object Detector

19 Jul 2024  |  analyticsindiamag.com
PP-YOLO is a deep learning framework designed for object detection, based on the YOLO4 architecture. Developed by Baidu researchers, it aims to streamline the process of object detection through modular designs and pre-trained models. The framework supports various algorithms and offers end-to-end methods for data augmentation, training, optimization, and deployment. PP-YOLO achieves a balance between effectiveness and efficiency, outperforming other state-of-the-art detectors like EfficientDet and YOLOv4. The article provides detailed installation instructions and highlights the framework's key features and architecture.

Generating High Resolution Images Using Transformers

18 Jul 2024  |  analyticsindiamag.com
Transformers, known for their adaptability across various tasks, are combined with Convolutional Neural Networks (CNNs) to produce high-resolution images in a method developed by AI researchers from Heidelberg University. The Taming Transformers method integrates the inductive bias of CNNs with the expressivity of transformers, using VQGAN to learn a codebook of visual parts and transformers to model their composition. The model architecture involves an encoder-decoder and adversarial training methods to produce high-resolution images. The article provides an overview of the method, its architecture, results, and tasks, along with basic tutorials for using pre-trained models. The method has shown to outperform previous state-of-the-art convolutional architectures.

Mastering Atari with Discrete World Models: DreamerV2

17 Jul 2024  |  analyticsindiamag.com
Google, in collaboration with Deep Mind and the University of Toronto, has introduced DreamerV2, a reinforcement learning agent that achieves human-level performance on Atari games. DreamerV2, a model-based method, builds on its predecessor DreamerV1 by using discrete world models and categorical variables for image representation. The architecture includes learning a world model, actor-critic learning for imagination, and executing the actor in the environment. The model outperforms top model-free agents using a single GPU. Installation and training instructions are provided, along with a brief overview of its architecture and performance.

End Platform for Applied Reinforcement Learning – AIM

20 Jun 2024  |  analyticsindiamag.com
Facebook ReAgent, formerly known as Horizon, is an end-to-end platform designed to facilitate the development and experimentation of deep reinforcement learning algorithms. Built on Python and utilizing the PyTorch framework, ReAgent offers optimized algorithms for data preprocessing, model training, and serving. Key features include handling large datasets and providing an efficient production environment. The platform supports various algorithms such as DQN, TD3, and SAC. A demo using the CartPole problem illustrates its application. Dependencies include Python 3.7 and several Python packages. The article provides installation instructions and a detailed example of using ReAgent for reinforcement learning.

Python Guide to HuggingFace DistilBERT – Smaller, Faster & Cheaper Distilled BERT

16 Mar 2021  |  analyticsindiamag.com
DistilBERT, developed by HuggingFace, is a distilled version of BERT that is smaller, faster, and cheaper while retaining 97% of BERT's performance. It uses knowledge distillation to reduce the size and computational requirements, making it suitable for mobile devices. The article provides a detailed guide on the architecture, installation, and various applications of DistilBERT, including tokenization, sequence classification, and question answering.

How Lyft’s Library for Self-driving Simulation Works

15 Mar 2021  |  analyticsindiamag.com
Lyft's self-driving division has developed a framework for machine learning-based solutions in autonomous vehicle prediction, planning, and simulation. The framework includes datasets for training models, the L5Kit library for converting driving scenes into machine learning problems, and examples for visualization and training. The software is open to external contributors and aims to enhance self-driving technology through data-driven approaches.

Guide to TensorFlow Extended(TFX): End-to-End Platform for Deploying Production ML Pipelines

14 Mar 2021  |  analyticsindiamag.com
Google's TensorFlow Extended (TFX) is presented as a comprehensive platform for deploying production machine learning pipelines, combining the flexibility of TensorFlow with the end-to-end capabilities of Sibyl. TFX includes various components and libraries such as TensorFlow Data Validation, TensorFlow Transform, and TensorFlow Model Analysis, which can be used independently or as part of a pipeline. The article provides a detailed tutorial on setting up and running TFX components, emphasizing its scalability, high performance, and support for deployment and monitoring of ML models.

Guide to Scalable and Robust Bayesian Optimization with Dragonfly

13 Mar 2021  |  analyticsindiamag.com
Dragonfly is an open-source Python framework for scalable and robust Bayesian optimization, developed by researchers from Carnegie Mellon University. The framework is designed to optimize expensive functions with high efficiency and has outperformed many existing systems. It supports Python 2 and 3, is compatible with Mac, Linux, and Windows, and can be installed via PyPI. Dragonfly offers scalability for handling higher dimensional domains and robustness by considering a set of values for acquisition choices and model parameters. It can be used through the command line, Python code, or an ask-tell interface, and includes features for multi-fidelity evaluations, parallel evaluations, and evolutionary algorithms.

Guide to Robustness Gym: Unifying the NLP Evaluation Landscape

12 Mar 2021  |  analyticsindiamag.com
Stanford University, Salesforce Research, and UNC-Chapel Hill have introduced Robustness Gym, a Python toolkit for evaluating NLP systems. This framework addresses challenges in NLP evaluation through a structured workflow involving contemplation, creation, and consolidation of evaluation processes. It supports various evaluation idioms and aims to streamline the evaluation process by providing a comprehensive toolkit. The article details the installation process, workflow steps, and potential future developments of Robustness Gym.

Reinventing Deep Learning Operation Via Einops

09 Mar 2021  |  analyticsindiamag.com
Einops, short for Einstein-Inspired Notation for operations, is an open-source Python framework designed to improve the way deep learning code is written. It introduces new notation and operations, aiming to enhance code readability and reliability. Einops is compatible with several frameworks, including numpy, pytorch, tensorflow, and others. The article provides examples of basic operations such as rearrange, reduce, and repeat, and demonstrates their use in deep learning tasks. It also mentions the availability of tutorials and further references for those interested in using Einops.

PyTorch Geometric Temporal: What Is it & Your InDepth Guide

04 Mar 2021  |  analyticsindiamag.com
PyTorch Geometric Temporal is an extension of the PyTorch Geometric framework designed for temporal data. It includes state-of-the-art deep learning algorithms for spatio-temporal signals, supports multi-GPU, and offers benchmark datasets. The article provides a comprehensive guide on installation, data structures, and applications, including a detailed example of training a Recurrent Graph Neural Network to predict weekly Chickenpox cases using the Hungarian Chickenpox Dataset.

Guide to MBIRL - Model Based Inverse Reinforcement Learning

26 Feb 2021  |  analyticsindiamag.com
The article discusses the Model-Based Inverse Reinforcement Learning (MBIRL) algorithm, which learns loss functions and rewards through gradient-based bi-level optimization. It addresses challenges faced by previous IRL approaches by using visual data for training cost functions, learning a differentiable model of dynamics, and stabilizing the cost function learning process. The MBIRL framework is a collaborative work by researchers from Facebook AI Research, Max Planck Institute for Intelligent Systems, University of Edinburgh, and University of Pennsylvania, and was presented at CoRL 2020. The article also provides instructions for installing and running the MBIRL algorithm.

Hands-On Guide to Model Search: A Tensorflow-based Framework for AutoML

23 Feb 2021  |  analyticsindiamag.com
Model Search is an open-source, TensorFlow-based framework developed by Google for building AutoML algorithms at scale. It facilitates the search for optimal model architectures, comparison of different algorithms, and customization of neural network layers. The framework, presented at Google Interspeech 2019, aims to define an incremental search, utilize transferable training, and employ generic neural network blocks. The article provides a detailed guide on installing and using Model Search, including a demo for CSV data. The framework currently supports classification problems, with regression models yet to be released.

Hands-On to CompilerGym: A Reinforcement Learning Toolkit for Compiler Optimizations

22 Feb 2021  |  analyticsindiamag.com
CompilerGym, developed by Facebook, is a Python toolkit designed to apply reinforcement learning to compiler optimization problems. It aims to simplify program optimization without requiring extensive knowledge of compilers. The toolkit uses the OpenAI Gym interface to facilitate experimentation with compiler optimization methods. Key concepts include defining the environment, action space, observation, and reward metrics. The article provides a detailed guide on installing and using CompilerGym, including setting up environments, benchmarks, and running optimization tasks. The toolkit is positioned as a valuable resource for AI researchers and compiler developers.

Guide to MESA: Boost Ensemble Imbalanced Learning with MEta-SAmpler

12 Feb 2021  |  analyticsindiamag.com
MESA is a novel imbalanced learning framework that combines ensemble methods and meta-learning to optimize classification in imbalanced datasets. Developed by researchers from Jilin University, National University of Singapore, University of Technology Sydney, and Microsoft Research, MESA uses a meta-sampler and reinforcement learning to improve data efficiency and performance. Despite some drawbacks like meta-training cost and unstable performance on small datasets, MESA outperforms existing methods and offers compatibility with various machine learning models.

Guide to Differentiable Augmentation for Data-Efficient GAN Training

10 Feb 2021  |  analyticsindiamag.com
Researchers from MIT, Tsinghua University, Adobe Research, and CMU have developed Differentiable Augmentation, a technique to improve GAN training with limited data. Presented at NeurIPS 2020, this method applies the same differentiable augmentation to both real and generated images, stabilizing training and improving output quality. Experiments using datasets like ImageNet and CIFAR-10 demonstrate its effectiveness, particularly in generating high-quality images from small datasets. The article provides detailed instructions for implementing and evaluating this technique, highlighting its superiority over traditional methods like Baseline StyleGAN.

Now GANs Are Being Used For Drug Discovery: Complete Guide To Quantum GAN With Python Code

08 Feb 2021  |  analyticsindiamag.com
Developing new drugs is a complex process, but advancements in Artificial Intelligence and Machine Learning, particularly through the use of Generative Adversarial Networks (GANs), are making it easier. Researchers from Pennsylvania State University have developed a Quantum GAN with Hybrid Generator (QGAN-HG) that efficiently searches large chemical spaces to generate potential drug molecules. This model, which uses fewer qubits and offers high training efficiency, shows better results than classical GANs. The article provides a detailed guide on implementing QGAN-HG, including its architecture, metrics, and dependencies.

Hands-on Guide to PyTorch 3D – A Library for Deep Learning with 3D Data

03 Feb 2021  |  analyticsindiamag.com
Facebook AI's PyTorch 3D is a Python library designed for handling 3D data in deep learning, built on PyTorch tensors. It offers a modular, flexible, and efficient framework, facilitating scalability for large 3D datasets. Key features include GPU acceleration, heterogeneous data handling, and integration with existing deep learning systems. The article provides a comprehensive guide on installing PyTorch 3D, deforming source meshes to target meshes, and performing bundle adjustments. It includes detailed code snippets and explanations for various operations and optimization techniques, emphasizing the library's practical applications in 3D data manipulation and deep learning.

A New Hyperparameter Optimization Tool

01 Feb 2021  |  Analytics India Magazine
Optuna is an advanced hyperparameter optimization framework developed by the Japanese AI company Preferred Networks. It is designed to handle machine learning and non-machine learning tasks with an imperative interface supporting Python. Optuna offers intuitive construction of search spaces, efficient sampling and pruning strategies, and is lightweight, versatile, and scalable. It also features a dashboard for analysis. The article provides an overview of Optuna's features, installation instructions, and demos for optimizing machine learning models, including the use of pruning algorithms and its application to non-ML tasks.

An Automatic ML Model Creation Framework

31 Jan 2021  |  analyticsindiamag.com
LightAutoML (LAMA) is an open-source Python framework developed by Sberbank AI Lab's AutoML group, aimed at providing end-to-end solutions for machine learning tasks. It supports binary classification, multiclass classification, and regression on tabular and text data. LAMA offers predefined pipelines and allows for custom pipeline creation, including hyperparameter tuning, data processing, and advanced feature selection. The framework is designed to be lightweight and efficient, addressing challenges such as preprocessing diverse data types, handling large datasets, and ensuring model interpretability. Key advantages include faster implementation, improved model quality, and automatic validation and benchmarking. The article provides a detailed guide on installing LAMA, creating custom pipelines, and using its features for various ML tasks.

Guide to AI Fairness 360: An Open Source Toolkit for Detection And Mitigation of Bias in ML Models

27 Jan 2021  |  analyticsindiamag.com
AI Fairness 360 is an open-source toolkit developed by IBM researchers to detect and mitigate bias in machine learning models. It provides a comprehensive set of bias metrics, mitigation algorithms, and explanations to help create fairer AI systems. The toolkit, available in Python and R, includes an architecture for dataset representation, algorithms for bias detection, mitigation, explanation, and an interactive web interface. The article also covers a tutorial on mitigating age bias in credit decisions using the German Credit Dataset.

Who is Really Benefitting from CPEC in Pakistan?

24 Jan 2021  |  The International Scholar
The article examines the impact of the China-Pakistan Economic Corridor (CPEC) on Balochistan, highlighting the region's underdevelopment and the discontent among its people. It discusses the attack on the Karachi Stock Exchange by the Baloch Liberation Army as a symbol of resistance against perceived exploitation by Pakistan and China. The article criticizes the Pakistani government's military approach to the Baloch ethnonationalist movement and the lack of representation for Baloch citizens in development projects. It calls for inclusive political participation and equitable development to address the root causes of Baloch resentment.

Hands-On Guide to TadGAN (With Python Codes)

22 Jan 2021  |  analyticsindiamag.com
Anomaly detection in data science has seen significant advancements, particularly with the rise of temporal data. Traditional methods, while effective, often struggle with non-linearity and outliers. Generative Adversarial Networks (GANs) offer a solution by capturing data's hidden distribution, though they are not strong learners. Researchers from MIT have developed TadGAN, a model combining deep learning and GAN approaches for time series anomaly detection. This guide provides a practical implementation of TadGAN using the Orion library, detailing steps from installation to data preparation, model training, and evaluation. The NYC taxi dataset is used to demonstrate the process, highlighting the model's ability to detect anomalies. The guide also covers error computation, thresholding methods, and evaluation techniques, emphasizing the effectiveness of TadGAN in anomaly detection.

Complete Guide To AutoGL -The Latest AutoML Framework For Graph Datasets

20 Jan 2021  |  analyticsindiamag.com
AutoGL, developed by Tsinghua University, is an AutoML framework designed for graph datasets, handling various stages from feature engineering to model ensembling. The article provides a tutorial on installation, dataset import, feature engineering, model selection, training, hyperparameter optimization, and ensemble methods. It also previews upcoming features such as Neural Architecture Search and support for more graph tasks and libraries.

Hands-on Guide to Reformer – The Efficient Transformer

20 Jan 2021  |  analyticsindiamag.com
The Reformer is an efficient Transformer model capable of handling context windows of about 1 million words with efficient memory usage. Developed by Google researchers Nikita Kitaev, Łukasz Kaiser, and Anselm Levskaya, it was presented at ICLR 2020. The Reformer introduces techniques such as Locality-Sensitive Hashing Attention, Chunked Feed Forward Layers, and Reversible Residual Layers to optimize memory requirements without significant performance loss. The article provides a step-by-step tutorial on using the Reformer in transformer models, including setting up the environment, installing libraries, and training the model. It concludes that advancements in transformers can lead to state-of-the-art technology in various domains.

What Is Meta-Learning via Learned Losses (with Python Code)

15 Jan 2021  |  analyticsindiamag.com
Facebook AI Research (FAIR) has developed a meta-learning framework called Meta Learning via Learned Loss (ML3), which focuses on optimizing models through learned loss functions. This approach, presented at the International Conference on Pattern Recognition in Italy, aims to generalize across different tasks and model architectures. The ML3 framework uses a bi-level optimization technique to train models and optimize meta-loss functions, making it adaptable for various applications such as regression, classification, and reinforcement learning. The article provides an overview of the ML3 framework, its architecture, and its applications, along with Python code for implementation.

How To Create A Game Character Face Using Python & Deep Learning

01 Jan 2021  |  analyticsindiamag.com
Researchers from Netease Fuxi AI Lab and the University of Michigan have developed MeInGame, a state-of-the-art method for 3D face reconstruction from a single image, aimed at gaming applications. This method, which was accepted at the Association for the Advance of Artificial Intelligence (AAAI) 2021, introduces a novel pipeline for training 3D face reconstruction algorithms, providing cost-efficient facial texture acquisition and a shape transfer algorithm. MeInGame can produce game characters similar to input images, effectively handling lighting and occlusions. The article details the workflow, requirements, and installation steps for using MeInGame, highlighting its compatibility with both Windows and Linux systems.
×

Aishwarya's confirmed information

Financial institution
Verified Nov 2016
Phone number
Verified Nov 2016
Joined
Oct 2016

Log in