text
stringlengths
10
115k
Finetune Stable Diffusion model on TIR E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Tutorials Finetune Stable Diffusion model on TIR Finetune Stable Diffusion model on TIR In this tutorial we will finetune Stability AIs Stable Diffusion v21 model via Dreambooth Textual Inversion training methods using Hugging Face Diffusers library By using just 35 images we will be able to teach new concepts to Stable Diffusion and personalize the model on our own images About Training methods The Stable Diffusion model can be finetuned via any of the two training methods ie Dreambooth or Textual Inversion So before tarining the model let us get a brief overview of the two training methods Dreambooth DreamBooth is a way to fine tune Stable Diffusion to generate a subject in different environments and styles It teaches the diffusion model about a specific object or style using approximately three to five example images After the model is finetuned on a specific object it can produce images containing that object in new settings You can read the original paper here Heres how it works You provide a set of reference images to teach the model how the subject looks You retrain the model to learn to associate that subject with a specific word You prompt the new model using the special word With DreamBooth were training an entirely new version of Stable Diffusion It will be an entirely selfsufficient version of a model that can yield pretty good results to the cost of bigger models Textual Inversion The Textual Inversion training method captures new concepts from a small number of example images and associates the concepts with new words in the textual embedding space of the pretrained model Using only 35 images of a userprovided concept like an object or a style we learn to represent it through new words in the textual embedding space These words can be used into natural language sentences in the form of text prompts guiding personalized image creation in an intuitive way You can read the original paper here Heres how it works You provide a set of reference images of your subject You figure out what specific embedding the model associates with those images You prompt the new model using the embedding Textual Inversion is basically akin to finding a special word that gets your model to produce the images that you want Fine tuning the model Step1 Launch a Notebook on TIR Before beginning let us launch a Notebook on TIR to train our model To launch the notebook follow the steps below Go to TIR Dashboard Choose a Project navigate to the Notebooks section and click on Create Notebook button Let us name the notebook as stablediffusionfinetune You can give any name of your choice Notebook Image Machine Launch a new Notebook with Diffusers Image and a GPU Machine plan To finetune the model we recommend choosing a GPU plan from one of A100 A40 or A30 series eg GDC3A1008016115GB Disk Size A default Disk Size of 30GB would be sufficient for our usecase In case you need more space set the disk size accordingly Datasets If you have your training data stored in a TIR Dataset select that dataset to be able to use it during fine tuning Create the notebook Launch Notebook Once the notebook comes to Running state launch the notebook by clicking on the three dots and start the start jupyter labs environment The sidebar on the left also displayes quick launch links for your notebooks In the jupyter labs create a new Python3 Notebook from the New Launcher window A new ipynb file will open in jupyter labs Our notebook is ready Now lets proceed with the model training Note This tutorial covers both DreamBooth and Textual Inversion training methods Most of the steps and code are the same for both the methods But when they are different we have used tabs to separate the two training methods Step2 Initial Setup Install the required libraries pip install qq ftfy Import the required libraries and packages DreamboothTextual Inversionimport argparse import itertools import math import os from contextlib import nullcontext import random import numpy as np import torch import torchnnfunctional as F import torchutilscheckpoint from torchutilsdata import Dataset import PIL from accelerate import Accelerator from acceleratelogging import getlogger from accelerateutils import setseed from diffusers import AutoencoderKL DDPMScheduler PNDMScheduler StableDiffusionPipeline UNet2DConditionModel from diffusersoptimization import getscheduler from diffuserspipelinesstablediffusion import StableDiffusionSafetyChecker from PIL import Image from torchvision import transforms from tqdmauto import tqdm from transformers import CLIPFeatureExtractor CLIPTextModel CLIPTokenizer import bitsandbytes as bnb import argparse import itertools import math import os import random import numpy as np import torch import torchnnfunctional as F import torchutilscheckpoint from torchutilsdata import Dataset import PIL from accelerate import Accelerator from acceleratelogging import getlogger from accelerateutils import setseed from diffusers import AutoencoderKL DDPMScheduler PNDMScheduler StableDiffusionPipeline UNet2DConditionModel from diffusersoptimization import getscheduler from diffuserspipelinesstablediffusion import StableDiffusionSafetyChecker from PIL import Image from torchvision import transforms from tqdmauto import tqdm from transformers import CLIPFeatureExtractor CLIPTextModel CLIPTokenizer Now lets define some helper functions that we will need gradually during the training and inference process def imagegridimgs rows cols display multiple images in a grid assert lenimgs rowscols w h imgs0size grid ImagenewRGB sizecolsw rowsh gridw gridh gridsize for i img in enumerateimgs gridpasteimg boxicolsw icolsh return grid Step3 Settings for teaching the new concept 31 Defining the Model Specify the Stable Diffusion model that we want to train For this tutorial we will use Stable Diffusion v21 stabilityaistablediffusion21 pretrainedmodelnameorpath defines the Stable Diffusion checkpoint you want to use pretrainedmodelnameorpath stabilityaistablediffusion21 using Stable Diffusion v21 some other models that you can use stabilityaistablediffusion21 stabilityaistablediffusion2 stabilityaistablediffusion2base CompVisstablediffusionv14 runwaymlstablediffusionv15 32 Input Images To teach the model a new concept we need 35 input images with the help of which we will train the model So lets gather and setup the images for training purpose There can be multiple sources for the input images Setup the input images using any one of the three sources Images available on the Internet Using the public image urls we can download the images from the internet and save them locally on Notebook Add the URLs to the images of the concept you are adding 35 should be fine urls httpshuggingfacecodatasetsvalhallaimagesresolvemain2jpeg httpshuggingfacecodatasetsvalhallaimagesresolvemain3jpeg httpshuggingfacecodatasetsvalhallaimagesresolvemain5jpeg httpshuggingfacecodatasetsvalhallaimagesresolvemain6jpeg You can add additional image urls here Download the images from urls import requests import glob from io import BytesIO def downloadimageurl try response requestsgeturl except return None return ImageopenBytesIOresponsecontentconvertRGB images listfilterNone downloadimageurl for url in urls save the images in a directory savepath myconcept if not ospathexistssavepath osmkdirsavepath imagesavefsavepathijpeg for i image in enumerateimages Images stored in a TIR Dataset To use the images stored in a TIR Dataset ensure that the particular dataset containing your images is mounted on the notebook Note How to check if your Dataset is mounted on the notebook Go to TIR Dashboard Notebooks Section Select the notebook Go to the Associated Datsets Tab You will be able to see the list of Datasets mounted on your notebook If your desired dataset is not in the list you can mount it now You can also open the terminal and list all the mounted datasets using the ls datasets command If you have updated the mounted dataset wait for your notebook to be back in Running state and start afresh from Step2 PS Dataset and Notebook must be in the same project else you cannot mount it on the notebook Specify your dataset name and the directory path conatining the images in the below code block and run the code cell datasetname enter the dataset name imagesdir enter path to directory containing the training images imagespath ospathjoindatasets strdatasetname strimagesdir datasetsdatasetnameimagespath if not datasetname printdatasetname must be provided elif not ospathexistsstrimagespath printThe imagespath specified does not exist Check the path and try again else savepath imagespath Images present on your local system You can load your own training images by uploading them to the notebook using the Upload Files option imagespath is a path to directory containing the training images imagespath type string if not ospathexistsstrimagespath printThe imagespath specified does not exist Check the path and try again else savepath imagespath Note Make sure that your input image directory only contains input images as the code will read all the files from the provided directory and it will interfere with the training process Before proceeding further let us first check our training images images for filepath in oslistdirsavepath try imagepath ospathjoinsavepath filepath imagesappendImageopenimagepathresize512 512 except printfimagepath is not a valid image please make sure to remove this file from the directory otherwise the training could fail imagegridimages 1 lenimages Output 33 Settings for the new concept DreamboothTextual Inversion instanceprompt is a prompt that should contain a good description of what your object or style is together with the initializer word cattoy instanceprompt cattoy toy type string Check the priorpreservation option if you would like class of the concept eg toy dog painting is guaranteed to be preserved This increases the quality and helps with generalization at the cost of training time priorpreservation False type bool priorpreservationclassprompt a photo of a cat clay toy type string numclassimages 12 samplebatchsize 2 priorlossweight 05 priorpreservationclassfolder classimages classdataroot priorpreservationclassfolder classprompt priorpreservationclassprompt Advanced settings for prior preservation optional numclassimages 12 type int samplebatchsize 2 priorpreservationweight determines how strong the class for prior preservation should be priorlossweight 1 type int If the priorpreservationclassfolder is empty images for the class will be generated with the class prompt Otherwise fill this folder with images of items on the same class as your concept but not images of the concept itself priorpreservationclassfolder classimages type string classdataroot priorpreservationclassfolder whattoteach what is it that you are teaching object enables you to teach the model a new object to be used style allows you to teach the model a new style one can use whattoteach object allowed values object style placeholdertoken the token you are going to use to represent your new concept so when you prompt the model you will say A myplaceholdertoken in an amusement park We use angle brackets to differentiate a token from other wordstokens to avoid collision placeholdertoken cattoy type string initializertoken a word that can summarise what your new concept is to be used as a starting point initializertoken toy type string Step4 Teach the model the new concept Finetuning with the training method Execute the below sequence of cells to run the training process The whole process may take from 30 min to 3 hours Open this block if you are interested in how this process works under the hood or if you want to change advanced training settings or hyperparameters 41 Setup for Training DreamboothTextual InversionSetup the classes from pathlib import Path from torchvision import transforms class DreamBoothDatasetDataset def init self instancedataroot instanceprompt tokenizer classdatarootNone classpromptNone size512 centercropFalse selfsize size selfcentercrop centercrop selftokenizer tokenizer selfinstancedataroot Pathinstancedataroot if not selfinstancedatarootexists raise ValueErrorInstance images root doesnt exists selfinstanceimagespath listPathinstancedatarootiterdir selfnuminstanceimages lenselfinstanceimagespath selfinstanceprompt instanceprompt selflength selfnuminstanceimages if classdataroot is not None selfclassdataroot Pathclassdataroot selfclassdatarootmkdirparentsTrue existokTrue selfclassimagespath listPathclassdatarootiterdir selfnumclassimages lenselfclassimagespath selflength maxselfnumclassimages selfnuminstanceimages selfclassprompt classprompt else selfclassdataroot None selfimagetransforms transformsCompose transformsResizesize interpolationtransformsInterpolationModeBILINEAR transformsCenterCropsize if centercrop else transformsRandomCropsize transformsToTensor transformsNormalize05 05 def lenself return selflength def getitemself index example instanceimage Imageopenselfinstanceimagespathindex selfnuminstanceimages if not instanceimagemode RGB instanceimage instanceimageconvertRGB exampleinstanceimages selfimagetransformsinstanceimage exampleinstancepromptids selftokenizer selfinstanceprompt paddingdonotpad truncationTrue maxlengthselftokenizermodelmaxlength inputids if selfclassdataroot classimage Imageopenselfclassimagespathindex selfnumclassimages if not classimagemode RGB classimage classimageconvertRGB exampleclassimages selfimagetransformsclassimage exampleclasspromptids selftokenizer selfclassprompt paddingdonotpad truncationTrue maxlengthselftokenizermodelmaxlength inputids return example class PromptDatasetDataset def initself prompt numsamples selfprompt prompt selfnumsamples numsamples def lenself return selfnumsamples def getitemself index example exampleprompt selfprompt exampleindex index return example Generate Class Images import gc ifpriorpreservation classimagesdir Pathclassdataroot if not classimagesdirexists classimagesdirmkdirparentsTrue curclassimages lenlistclassimagesdiriterdir if curclassimages numclassimages pipeline StableDiffusionPipelinefrompretrained pretrainedmodelnameorpath revisionfp16 torchdtypetorchfloat16 tocuda pipelineenableattentionslicing pipelinesetprogressbarconfigdisableTrue numnewimages numclassimages curclassimages printfNumber of class images to sample numnewimages sampledataset PromptDatasetclassprompt numnewimages sampledataloader torchutilsdataDataLoadersampledataset batchsizesamplebatchsize for example in tqdmsampledataloader descGenerating class images images pipelineexamplepromptimages for i image in enumerateimages imagesaveclassimagesdir fexampleindexi curclassimagesjpg pipeline None gccollect del pipeline with torchnograd torchcudaemptycache Load the Stable Diffusion Model Load models and create wrapper for stable diffusion textencoder CLIPTextModelfrompretrained pretrainedmodelnameorpath subfoldertextencoder vae AutoencoderKLfrompretrained pretrainedmodelnameorpath subfoldervae unet UNet2DConditionModelfrompretrained pretrainedmodelnameorpath subfolderunet tokenizer CLIPTokenizerfrompretrained pretrainedmodelnameorpath subfoldertokenizer Create Dataset Setup the prompt templates for training imagenettemplatessmall a photo of a a rendering of a a cropped photo of the the photo of a a photo of a clean a photo of a dirty a dark photo of the a photo of my a photo of the cool a closeup photo of a a bright photo of the a cropped photo of a a photo of the a good photo of the a photo of one a closeup photo of the a rendition of the a photo of the clean a rendition of a a photo of a nice a good photo of a a photo of the nice a photo of the small a photo of the weird a photo of the large a photo of a cool a photo of a small imagenetstyletemplatessmall a painting in the style of a rendering in the style of a cropped painting in the style of the painting in the style of a clean painting in the style of a dirty painting in the style of a dark painting in the style of a picture in the style of a cool painting in the style of a closeup painting in the style of a bright painting in the style of a cropped painting in the style of a good painting in the style of a closeup painting in the style of a rendition in the style of a nice painting in the style of a small painting in the style of a weird painting in the style of a large painting in the style of Setup the Dataset Setup the dataset class TextualInversionDatasetDataset def init self dataroot tokenizer learnablepropertyobject object style size512 repeats100 interpolationbicubic flipp05 settrain placeholdertoken centercropFalse selfdataroot dataroot selftokenizer tokenizer selflearnableproperty learnableproperty selfsize size selfplaceholdertoken placeholdertoken selfcentercrop centercrop selfflipp flipp selfimagepaths ospathjoinselfdataroot filepath for filepath in oslistdirselfdataroot selfnumimages lenselfimagepaths selflength selfnumimages if set train selflength selfnumimages repeats selfinterpolation linear PILImageResamplingLINEAR Removed in version 1000 use bilinear instead bilinear PILImageResamplingBILINEAR bicubic PILImageResamplingBICUBIC lanczos PILImageResamplingLANCZOS interpolation selftemplates imagenetstyletemplatessmall if learnableproperty style else imagenettemplatessmall selffliptransform transformsRandomHorizontalFlippselfflipp def lenself return selflength def getitemself i example image Imageopenselfimagepathsi selfnumimages if not imagemode RGB image imageconvertRGB placeholderstring selfplaceholdertoken text randomchoiceselftemplatesformatplaceholderstring exampleinputids selftokenizer text paddingmaxlength truncationTrue maxlengthselftokenizermodelmaxlength returntensorspt inputids0 default to scoresde preprocessing img nparrayimageastypenpuint8 if selfcentercrop crop minimgshape0 imgshape1 h w imgshape0 imgshape1 img imgh crop 2 h crop 2 w crop 2 w crop 2 image Imagefromarrayimg image imageresizeselfsize selfsize resampleselfinterpolation image selffliptransformimage image nparrayimageastypenpuint8 image image 1275 10astypenpfloat32 examplepixelvalues torchfromnumpyimagepermute2 0 1 return example Set up the Model Load the tokenizer and add the placeholder token as a additional special token tokenizer CLIPTokenizerfrompretrained pretrainedmodelnameorpath subfoldertokenizer Add the placeholder token in tokenizer numaddedtokens tokenizeraddtokensplaceholdertoken if numaddedtokens 0 raise ValueError fThe tokenizer already contains the token placeholdertoken Please pass a different placeholdertoken that is not already in the tokenizer Get token ids for our placeholder and initializer token This code block will complain if initializer string is not a single token Convert the initializertoken placeholdertoken to ids tokenids tokenizerencodeinitializertoken addspecialtokensFalse Check if initializertoken is a single token or a sequence of tokens if lentokenids 1 raise ValueErrorThe initializer token must be a single token initializertokenid tokenids0 placeholdertokenid tokenizerconverttokenstoidsplaceholdertoken Load the Stable Diffusion model Load models and create wrapper for stable diffusion textencoder CLIPTextModelfrompretrained pretrainedmodelnameorpath subfoldertextencoder vae AutoencoderKLfrompretrained pretrainedmodelnameorpath subfoldervae unet UNet2DConditionModelfrompretrained pretrainedmodelnameorpath subfolderunet We have added the placeholdertoken in the tokenizer so we resize the token embeddings here this will a new embedding vector in the token embeddings for our placeholdertoken textencoderresizetokenembeddingslentokenizer Initialise the newly added placeholder token with the embeddings of the initializer token tokenembeds textencodergetinputembeddingsweightdata tokenembedsplaceholdertokenid tokenembedsinitializertokenid In TextualInversion we only train the newly added embedding vector so lets freeze rest of the model parameters here def freezeparamsparams for param in params paramrequiresgrad False Freeze vae and unet freezeparamsvaeparameters freezeparamsunetparameters Freeze all parameters except for the token embeddings in text encoder paramstofreeze itertoolschain textencodertextmodelencoderparameters textencodertextmodelfinallayernormparameters textencodertextmodelembeddingspositionembeddingparameters freezeparamsparamstofreeze Creating our training data Creation of Dataset Dataloader and noisescheduler create dataset for training traindataset TextualInversionDataset datarootsavepath tokenizertokenizer sizevaesamplesize placeholdertokenplaceholdertoken repeats100 learnablepropertywhattoteach Option selected above between object and style centercropFalse settrain create dataloader for training def createdataloadertrainbatchsize1 return torchutilsdataDataLoadertraindataset batchsizetrainbatchsize shuffleTrue Create noisescheduler for training noisescheduler DDPMSchedulerfromconfigpretrainedmodelnameorpath subfolderscheduler 42 Training Setting up the training args and define hyperparameters for the training You can also tune the hyperparameters like learningrate maxtrainsteps etc to play around DreamboothTextual Inversionfrom argparse import Namespace args Namespace pretrainedmodelnameorpathpretrainedmodelnameorpath resolutionvaesamplesize centercropTrue traintextencoderFalse instancedatadirsavepath instancepromptinstanceprompt learningrate5e06 maxtrainsteps300 savesteps50 trainbatchsize2 set to 1 if using prior preservation gradientaccumulationsteps2 maxgradnorm10 mixedprecisionfp16 set to fp16 for mixedprecision training gradientcheckpointingTrue set this to True to lower the memory usage use8bitadamTrue use 8bit optimizer from bitsandbytes seed3434554 withpriorpreservationpriorpreservation priorlossweightpriorlossweight samplebatchsize2 classdatadirpriorpreservationclassfolder classpromptpriorpreservationclassprompt numclassimagesnumclassimages lrschedulerconstant lrwarmupsteps100 outputdirdreamboothconcept hyperparameters learningrate 5e04 scalelr True maxtrainsteps 2000 savesteps 250 trainbatchsize 4 gradientaccumulationsteps 1 gradientcheckpointing True mixedprecision fp16 seed 42 outputdir textualinversionconcept mkdir p textualinversionconcept Define the training function DreamboothTextual Inversionfrom accelerateutils import setseed def trainingfunctiontextencoder vae unet logger getloggername setseedargsseed accelerator Accelerator gradientaccumulationstepsargsgradientaccumulationsteps mixedprecisionargsmixedprecision Currently its not possible to do gradient accumulation when training two models with accelerateaccumulate This will be enabled soon in accelerate For now we dont allow gradient accumulation when training two models if argstraintextencoder and argsgradientaccumulationsteps 1 and acceleratornumprocesses 1 raise ValueError Gradient accumulation is not supported when training the text encoder in distributed training Please set gradientaccumulationsteps to 1 This feature will be supported in the future vaerequiresgradFalse if not argstraintextencoder textencoderrequiresgradFalse if argsgradientcheckpointing unetenablegradientcheckpointing if argstraintextencoder textencodergradientcheckpointingenable Use 8bit Adam for lower memory usage or to finetune the model in 16GB GPUs if argsuse8bitadam optimizerclass bnboptimAdamW8bit else optimizerclass torchoptimAdamW paramstooptimize itertoolschainunetparameters textencoderparameters if argstraintextencoder else unetparameters optimizer optimizerclass paramstooptimize lrargslearningrate noisescheduler DDPMSchedulerfromconfigargspretrainedmodelnameorpath subfolderscheduler traindataset DreamBoothDataset instancedatarootargsinstancedatadir instancepromptargsinstanceprompt classdatarootargsclassdatadir if argswithpriorpreservation else None classpromptargsclassprompt tokenizertokenizer sizeargsresolution centercropargscentercrop def collatefnexamples inputids exampleinstancepromptids for example in examples pixelvalues exampleinstanceimages for example in examples concat class and instance examples for prior preservation if argswithpriorpreservation inputids exampleclasspromptids for example in examples pixelvalues exampleclassimages for example in examples pixelvalues torchstackpixelvalues pixelvalues pixelvaluestomemoryformattorchcontiguousformatfloat inputids tokenizerpad inputids inputids paddingmaxlength returntensorspt maxlengthtokenizermodelmaxlength inputids batch inputids inputids pixelvalues pixelvalues return batch traindataloader torchutilsdataDataLoader traindataset batchsizeargstrainbatchsize shuffleTrue collatefncollatefn lrscheduler getscheduler argslrscheduler optimizeroptimizer numwarmupstepsargslrwarmupsteps argsgradientaccumulationsteps numtrainingstepsargsmaxtrainsteps argsgradientaccumulationsteps if argstraintextencoder unet textencoder optimizer traindataloader lrscheduler acceleratorprepare unet textencoder optimizer traindataloader lrscheduler else unet optimizer traindataloader lrscheduler acceleratorprepare unet optimizer traindataloader lrscheduler weightdtype torchfloat32 if acceleratormixedprecision fp16 weightdtype torchfloat16 elif acceleratormixedprecision bf16 weightdtype torchbfloat16 Move textencode and vae to gpu For mixed precision training we cast the textencoder and vae weights to halfprecision as these models are only used for inference keeping weights in full precision is not required vaetoacceleratordevice dtypeweightdtype vaedecodertocpu if not argstraintextencoder textencodertoacceleratordevice dtypeweightdtype We need to recalculate our total training steps as the size of the training dataloader may have changed numupdatestepsperepoch mathceillentraindataloader argsgradientaccumulationsteps numtrainepochs mathceilargsmaxtrainsteps numupdatestepsperepoch Train totalbatchsize argstrainbatchsize acceleratornumprocesses argsgradientaccumulationsteps loggerinfo Running training loggerinfof Num examples lentraindataset loggerinfof Instantaneous batch size per device argstrainbatchsize loggerinfof Total train batch size w parallel distributed accumulation totalbatchsize loggerinfof Gradient Accumulation steps argsgradientaccumulationsteps loggerinfof Total optimization steps argsmaxtrainsteps Only show the progress bar once on each machine progressbar tqdmrangeargsmaxtrainsteps disablenot acceleratorislocalmainprocess progressbarsetdescriptionSteps globalstep 0 for epoch in rangenumtrainepochs unettrain for step batch in enumeratetraindataloader with acceleratoraccumulateunet Convert images to latent space latents vaeencodebatchpixelvaluestodtypeweightdtypelatentdistsample latents latents 018215 Sample noise that well add to the latents noise torchrandnlikelatents bsz latentsshape0 Sample a random timestep for each image timesteps torchrandint0 noiseschedulerconfignumtraintimesteps bsz devicelatentsdevice timesteps timestepslong Add noise to the latents according to the noise magnitude at each timestep this is the forward diffusion process noisylatents noisescheduleraddnoiselatents noise timesteps Get the text embedding for conditioning encoderhiddenstates textencoderbatchinputids0 Predict the noise residual noisepred unetnoisylatents timesteps encoderhiddenstatessample Get the target for loss depending on the prediction type if noiseschedulerconfigpredictiontype epsilon target noise elif noiseschedulerconfigpredictiontype vprediction target noiseschedulergetvelocitylatents noise timesteps else raise ValueErrorfUnknown prediction type noiseschedulerconfigpredictiontype if argswithpriorpreservation Chunk the noise and noisepred into two parts and compute the loss on each part separately noisepred noisepredprior torchchunknoisepred 2 dim0 target targetprior torchchunktarget 2 dim0 Compute instance loss loss Fmselossnoisepredfloat targetfloat reductionnonemean1 2 3mean Compute prior loss priorloss Fmselossnoisepredpriorfloat targetpriorfloat reductionmean Add the prior loss to the instance loss loss loss argspriorlossweight priorloss else loss Fmselossnoisepredfloat targetfloat reductionmean acceleratorbackwardloss if acceleratorsyncgradients paramstoclip itertoolschainunetparameters textencoderparameters if argstraintextencoder else unetparameters acceleratorclipgradnormunetparameters argsmaxgradnorm optimizerstep optimizerzerograd Checks if the accelerator has performed an optimization step behind the scenes if acceleratorsyncgradients progressbarupdate1 globalstep 1 if globalstep argssavesteps 0 if acceleratorismainprocess pipeline StableDiffusionPipelinefrompretrained argspretrainedmodelnameorpath unetacceleratorunwrapmodelunet textencoderacceleratorunwrapmodeltextencoder savepath ospathjoinargsoutputdir fcheckpointglobalstep pipelinesavepretrainedsavepath logs loss lossdetachitem progressbarsetpostfixlogs if globalstep argsmaxtrainsteps break acceleratorwaitforeveryone Create the pipeline using using the trained modules and save it if acceleratorismainprocess pipeline StableDiffusionPipelinefrompretrained argspretrainedmodelnameorpath unetacceleratorunwrapmodelunet textencoderacceleratorunwrapmodeltextencoder pipelinesavepretrainedargsoutputdir logger getloggername def saveprogresstextencoder placeholdertokenid accelerator savepath loggerinfoSaving embeddings learnedembeds acceleratorunwrapmodeltextencodergetinputembeddingsweightplaceholdertokenid learnedembedsdict placeholdertoken learnedembedsdetachcpu torchsavelearnedembedsdict savepath def trainingfunctiontextencoder vae unet trainbatchsize hyperparameterstrainbatchsize gradientaccumulationsteps hyperparametersgradientaccumulationsteps learningrate hyperparameterslearningrate maxtrainsteps hyperparametersmaxtrainsteps outputdir hyperparametersoutputdir gradientcheckpointing hyperparametersgradientcheckpointing accelerator Accelerator gradientaccumulationstepsgradientaccumulationsteps mixedprecisionhyperparametersmixedprecision if gradientcheckpointing textencodergradientcheckpointingenable unetenablegradientcheckpointing traindataloader createdataloadertrainbatchsize if hyperparametersscalelr learningrate learningrate gradientaccumulationsteps trainbatchsize acceleratornumprocesses Initialize the optimizer optimizer torchoptimAdamW textencodergetinputembeddingsparameters only optimize the embeddings lrlearningrate textencoder optimizer traindataloader acceleratorprepare textencoder optimizer traindataloader weightdtype torchfloat32 if acceleratormixedprecision fp16 weightdtype torchfloat16 elif acceleratormixedprecision bf16 weightdtype torchbfloat16 Move vae and unet to device vaetoacceleratordevice dtypeweightdtype unettoacceleratordevice dtypeweightdtype Keep vae in eval mode as we dont train it vaeeval Keep unet in train mode to enable gradient checkpointing unettrain We need to recalculate our total training steps as the size of the training dataloader may have changed numupdatestepsperepoch mathceillentraindataloader gradientaccumulationsteps numtrainepochs mathceilmaxtrainsteps numupdatestepsperepoch Train totalbatchsize trainbatchsize acceleratornumprocesses gradientaccumulationsteps loggerinfo Running training loggerinfof Num examples lentraindataset loggerinfof Instantaneous batch size per device trainbatchsize loggerinfof Total train batch size w parallel distributed accumulation totalbatchsize loggerinfof Gradient Accumulation steps gradientaccumulationsteps loggerinfof Total optimization steps maxtrainsteps Only show the progress bar once on each machine progressbar tqdmrangemaxtrainsteps disablenot acceleratorislocalmainprocess progressbarsetdescriptionSteps globalstep 0 for epoch in rangenumtrainepochs textencodertrain for step batch in enumeratetraindataloader with acceleratoraccumulatetextencoder Convert images to latent space latents vaeencodebatchpixelvaluestodtypeweightdtypelatentdistsampledetach latents latents 018215 Sample noise that well add to the latents noise torchrandnlikelatents bsz latentsshape0 Sample a random timestep for each image timesteps torchrandint0 noiseschedulernumtraintimesteps bsz devicelatentsdevicelong Add noise to the latents according to the noise magnitude at each timestep this is the forward diffusion process noisylatents noisescheduleraddnoiselatents noise timesteps Get the text embedding for conditioning encoderhiddenstates textencoderbatchinputids0 Predict the noise residual noisepred unetnoisylatents timesteps encoderhiddenstatestoweightdtypesample Get the target for loss depending on the prediction type if noiseschedulerconfigpredictiontype epsilon target noise elif noiseschedulerconfigpredictiontype vprediction target noiseschedulergetvelocitylatents noise timesteps else raise ValueErrorfUnknown prediction type noiseschedulerconfigpredictiontype loss Fmselossnoisepred target reductionnonemean1 2 3mean acceleratorbackwardloss Zero out the gradients for all token embeddings except the newly added embeddings for the concept as we only want to optimize the concept embeddings if acceleratornumprocesses 1 grads textencodermodulegetinputembeddingsweightgrad else grads textencodergetinputembeddingsweightgrad Get the index for tokens that we want to zero the grads for indexgradstozero torcharangelentokenizer placeholdertokenid gradsdataindexgradstozero gradsdataindexgradstozero fill0 optimizerstep optimizerzerograd Checks if the accelerator has performed an optimization step behind the scenes if acceleratorsyncgradients progressbarupdate1 globalstep 1 if globalstep hyperparameterssavesteps 0 savepath ospathjoinoutputdir flearnedembedsstepglobalstepbin saveprogresstextencoder placeholdertokenid accelerator savepath logs loss lossdetachitem progressbarsetpostfixlogs if globalstep maxtrainsteps break acceleratorwaitforeveryone Create the pipeline using using the trained modules and save it if acceleratorismainprocess pipeline StableDiffusionPipelinefrompretrained pretrainedmodelnameorpath textencoderacceleratorunwrapmodeltextencoder tokenizertokenizer vaevae unetunet pipelinesavepretrainedoutputdir Also save the newly trained embeddings savepath ospathjoinoutputdir flearnedembedsbin saveprogresstextencoder placeholdertokenid accelerator savepath 43 Run the Training import accelerate numgpus 1 specify the number of GPUs you would like to use This also depends on your machine config acceleratenotebooklaunchertrainingfunction argstextencoder vae unet numprocessesnumgpus for param in itertoolschainunetparameters textencoderparameters if paramgrad is not None del paramgrad free some memory torchcudaemptycache Step5 Run Inference with the newly trained Model Bravo Our model training is complete and we have taught our model a new concept namely cattoy Let us now test our newly trained model by running inference against it and see the results 51 Set up the pipeline The newly trained model artifacts are available in the output directory specified while setting up the training args We will use those artifacts to load the model and setup the pipeline DreamboothTextual Inversionfrom diffusers import DPMSolverMultistepScheduler outputdir argsoutputdir pipe StableDiffusionPipelinefrompretrained outputdir schedulerDPMSolverMultistepSchedulerfrompretrainedoutputdir subfolderscheduler torchdtypetorchfloat16 tocuda from diffusers import DPMSolverMultistepScheduler outputdir hyperparametersoutputdir pipe StableDiffusionPipelinefrompretrained outputdir schedulerDPMSolverMultistepSchedulerfrompretrainedoutputdir subfolderscheduler torchdtypetorchfloat16 tocuda 52 Run the Stable Diffusion pipeline Dont forget to use the placeholder token in your prompt prompt a cattoy in mad max fury road type str numsamples 2 type int number of samples to generate for the prompt images pipe prompt numimagesperpromptnumsamples numinferencesteps30 guidancescale9 images you can play around with the newly trained model by changing the prompt numinferencesteps and guidancescale and see the difference in results grid imagegridimages rows1 colsnumsamples grid Output Step6 Save the newly created concept Our model training is complete and we have also tested it by successfully generating some image samples We shall now save the model artifacts to preserve our newly created concept This will also enable us to launch an Inference server against it as described in the next section 61 Save the Model artifacts DreamboothTextual Inversionmodelartifactsdir dreamboothmodel specify the directory to save the model artifacts osmakedirsmodelartifactsdir existokTrue pipe2savepretrainedmodelartifactsdir save the model artifacts modelartifactsdir textualinversionmodel specify the directory to save the model artifacts osmakedirsmodelartifactsdir existokTrue pipe1savepretrainedmodelartifactsdir save the model artifacts In case of Textual Inversion the learned concept is stored in the learnedembedsbin file Hence this file will be required every time we need to load this concept cp outputdirlearnedembedsbin modelartifactsdir 62 Create Model on TIR Go to TIR Dashboard Choose a project navigate to the Models section and click on Create Model Enter a model name of your choosing eg stablediffusion Select Model Type as Custom click on CREATE You will now see details of EOS E2E Object Storage bucket created for this model EOS Provides a S3 compatible API to upload or download content We will be using MinIO CLI in this tutorial Copy the Setup Host command from Setup MinIO CLI tab We will use it to setup MinIO CLI in the next step Note In case you forget to copy the setup host command for MinIO CLI dont worry You can always go back to model details and get it again 63 Upload the Artifacts to Model Bucket We have already created the model on TIR Lets set it up on our notebook and upload the artifacts to the model Lets again go back to our TIR Notebook named stablediffusionfinetune that we used to finetune the model in the previous steps and follow the steps below In the jupyter labs click New Launcher and select Terminal Setup the MinIO CLI by running the Setup Host command copied in Step62 Go to the directory modelartifactsdir where we saved the model artifacts in step61 using the below command DreamboothTextual Inversionexport modelartifactsdirdreamboothmodel cd modelartifactsdir export modelartifactsdirtextualinversionmodel cd modelartifactsdir Copy the model artifacts to the model bucket Go to TIR Dashboard Models Select your model Copy the cp command from Setup MinIO CLI tab The copy command would look like this mc cp r MODELNAME stablediffusionstablediffusion854588 Here we will replace MODELNAME with to upload all contents of the current folder to the bucket We will append modelartifactsdir to the bucket path to upload the contents to a folder named modelartifactsdir inside the bucket so that your copy command would look something like this mc cp r stablediffusionstablediffusion854588modelartifactsdir Note The above command to copy model artifacts should not be used as it is It is just a sample command to show what the command would look like You may follow the above steps to generate the copy command that will be specific to your model bucket Your model artifacts will be saved successfully upon upload completion Step7 Create Inference Server against our newly trained model What now remains is to create an Inference Server against our trained model and serve API requests Note If you are not much familiar with Inference creation on TIR follow this tutorial for a detailed and stepbystep guide on Model Endpoint Inference Creation for Stable Diffusion 71 Create a new Model Endpoint in TIR Create a new Model Endpoint in TIR with Stable Diffusion Framework and a GPU Machine Plan Important In the Model Details Subsection choose the Model that we created in Step62 Make sure to specify the modelartifactsdir path This is necessary because our trained model artifacts are present in this directory 72 Generate your API Token The model endpoint API requires a valid auth token which youll need to perform further steps So generate a new API Token from the API Tokens Section or use an existing token if already created An apikey and an auth token will be generated Copy this auth token You will need it in the next step 73 Make API Request to generate Image output The final step is to send API requests to the created model endpoint generate images using text prompts We will use TIR Notebook to do the same Once your model is Ready visit the Sample API Request section of that model and copy the Python code Launch a TIR Notebook with PyTorch or StableDiffusion Image with any basic machine plan Once it is in Running state launch it and start a new notebook untitledipynb in the jupyter labs Paste the Sample API Request code for Python in the notebook cell Copy the Auth Token generated in Step72 use it in place of AUTHTOKEN in the Sample API Request Replace the prompt string in the payload with the below prompt This ensures the use of placeholder token in the prompt in our case cattoy to get the desired output a cattoy in mad max fury road Execute the code and send request Youll get a list of tensors as output This is because Stable Diffusion v21 model endpoint return the generated images as a list of PyTorch Tensors To view the generated images copy the below code paste it in the notebook cell and execute it Youll be able to view the generated images import torch import torchvisiontransforms as transforms def displayimagestensorimagedatalist convert PyTorch Tensors to PIL Image for tensordata in tensorimagedatalist tensorimage torchtensortensordatagetdata initialise the tensor pilimg transformsToPILImagetensorimage convert to PIL Image pilimgshow to save the generatedimages uncomment the line below imagesavetensordatagetname if responsestatuscode 200 displayimagesresponsejsongetpredictions Output Thats it We have successfully taught our model a new concept cattoy The Stable Diffusion model supports various other parameters for controlling the generation of image output Refer to Supported parameters for image generation for more details Conclusion Through this tutorial we finetuned the Stable Diffusion v21 model using two training methods namely Dreambooth and Textual Inversion By giving just 35 images as input we taught new concept to the model and could personalise the model on our own images After finetuning we also saw how we can store the trained model artifacts to TIR Model Storage launch Inference Servers using the same to serve API Requests On this page About Training methods Dreambooth Textual Inversion Fine tuning the model Step1 Launch a Notebook on TIR Step2 Initial Setup Step3 Settings for teaching the new concept Step4 Teach the model the new concept Finetuning with the training method Step5 Run Inference with the newly trained Model Step6 Save the newly created concept Step7 Create Inference Server against our newly trained model Conclusion Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
High Memory Series Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpHigh Memory SeriesThe 2nd generation Memory Intensive computing node plans are designed to offer double the amount of vCPUs and more than triple the amount of RAM at the same price compared to the first generation Experience higher throughputs by enhanced storage and improved networkingLaunch GPUContact SalesCheck Out The Pricing By Clicking HereProduct Enquiry Form Name RequiredEmail RequiredPhone RequiredCompany OptionalThank you Your submission has been received An expert from our sales team will contact you shortlyOops Something went wrong while submitting the formTable of ContentsExample H2Example H3Example H4Example H5Example H6Multiple Usecases One SolutionE2Es GPU Cloud is suitable for a wide range of usesBenefits of E2E GPU CloudNo Hidden FeesNo hidden or additional charges What you see on pricing charts is what you payNVIDIA Certified Elite CSP PartnerWe are NVIDIA Certified Elite Cloud Service provider partner Build or launch preinstalled software Cloud GPUs to ease your workNVIDIA Certified HardwareWe are using NVIDIA certified hardware for GPU accelerated workloadsFlexible PricingWe are offering pay as you go model to long tenure plans Easy upgrade allowed Option to increase storage allowedGPUaccelerated 1click NGC ContainersE2E Cloud GPUs have super simple one click support for NGC containers for deploying NVIDIA certified solutions for AIMLNLPComputer Vision and Data Science workloadsTrusted by 15000 ClientsView More Documentation ResourcesRead MoreRead MoreRead MoreI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdThis is one of the best cloud server providers as we are part of this provider and using it the service and other things are good and accurateHardeep Singh AhluwaliaSenior Manager IT Infra Successive TechnologiesWe have been using E2E Networks for the past 6 months and I am extremely satisfied with the service and the customer support Their servers are quite reliable and very costeffective especially the GPU machines The team is always ready to solve any problem however small Very happy to make E2E Networks our longterm partnersHarshit AgrawalData Scientist at Studio SirahHave been using E2E Networks infra for a decade now and never had any issues Scootsy ran 80 of the workload on E2E Networks before it was acquired by SwiggyKunal ShethFounder GottaGo Ex CTO at ScootsyAntfarm We at CamCom are using E2E GPU servers for a while now and the priceperformance is the best in the Indian market We also have enjoyed a fast turnaround from the support and sales team always I highly recommend the E2E GPU servers for machine learning deep learning and Image processing purposeMr Uma MaheshCOO at CamCom AIE2E Cloud is NextGen PaaS IaaS provider It is a fully augmented and automated platform that is the best in practice in the current Cloud market We are using E2E Networks for more than 5 years and are very much satisfied with the deliverables They have very affordable pricing and are changemaker in the Indian Hosting IndustryMr Devarsh PandyaFounder at CantechE2E GPU machines are superior in terms of performance and at the same time you end up saving more money compared to AWS and Azure Not to mention the agility and skilled customer support that comes alongArvind SainiVP of Engineering at Crownit GoldVIPThe customer support that E2E has provided us is beyond exceptional Their quick response is what makes them stand apart from others and is second to none in the cloud space Weve been using their GPU instances for our Deep Learning workloads for quite a long time The quality of service is amazing at a competitive price and we strongly recommend E2EAkshay Kumar CFounder COO at Marsviewai incCongratulations Thanks for the fast reliable and costeffective solution for my small startup since Mar 2016Ratul NandiLead Software Engineer Gartner previously CEBYou guys are doing everything perfectly I couldnt ask for anything more Keep it up Very happy with the serviceMr Mayank MalhotraDirector ZenwebnetE2E Networks has helped me reach my 1st goal with its cloud platform They gave us a trial to get used to the service Happy with their product will surely recommend others to try it once Good support so farShahnawaz Alam CTO HW Wellness Solutions Pvt LtdFor most startups AWS EC2 is unnecessarily costly Even better for India get a machine from E2E NetworksNaman SarawagiFounder FindYogiI am very much happy with E2E Networks Pvt Ltd Im using your services for the past year and I have provided E2E with multiple clients Whoever is looking for servers I strongly recommend E2E NetworksProtik BanerjeeRelcode Technology Pvt LtdI had a pleasant experience with E2E Network when I purchase the cPanel license plan They provided the onboarding support when I generated a ticket for the purchase Everything was delivered swiftly without any problemsChaitanyakumar GajjarFounder Infinity Software SolutionsPlease reach out to e2e networks if you need any cloud services their service is awesome I want to rate 55 for their servicesShreekethIssaniWe are using E2E Cloud servers since last 2 years Very happy with costeffective and highperformance compute nodes We were able to reduce our hosting expenses by 40 without compromising on quality security and stabilityVinod PandeyCofounder CTO myCBSEguideReally good service from E2E Networks And at very affordable prices We are satisfied with them The Cloud console access feature is a very good and very easy user interface And I am satisfied with the service features and Highperformance network for data uploaddownloadVarun SharmaCeo WebFreakSolutionEasy to Manage Easy to pay Low Cost Charan SinghSr Manager Crayons Advertising Pvt LtdI have been using E2E Cloud for almost a year now These guys are the most professional of all the cloud providers in India They have absolutely reliable products and also charge the lowest rate I would like to recommend it to all who are looking for COST Effective cloud serversNaresh KumarSystem Administrator Aravali College of Engg MgmtOur experience with E2E has been better than AWS as our website is performing better both in terms of latency and uptime Since E2E provides plans that are simple to understand implement and are a complete package our efforts are concentrated on the development and not on maintaining the infrastructureArjun GuptaSenior Manager Pharma Synth Formulations LimitedWe have been using Kubernetes cluster on E2E Cloud and are reasonably satisfied with its performance We were able to reduce our costs by 40 after migrating from Azure My big thanks to the E2E Cloud team for launching a Cloud and helping Indian startups in reducing their cloud costsAmarjeet SinghCoFounder CTO ZenatixThe platform is comfortable support is good 2 years anniversary completed in E2EMr Yonti LevinCoFounder CTO at LooraAbout UsE2E Networks Ltd is an Indiafocused Cloud Computing Company pioneering the introduction of contractless cloud computing for Indian startups and SMEs The E2E Networks Cloud has been employed by numerous successfully scaledup startups such as Zomato Cardekho Healthkart Junglee Games 1mg and many others It played a crucial role in facilitating their growth from the startup stage to achieving multimillion Daily Active Users DAUsLearn MoreWhat Our Customers SayFor over a decade we have delighted our customers with stellar infrastructure and supportI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdPress and Media MentionsListed on NSE Emerge Backed by Blume Ventures Loved by PressFrequently Asked QuestionsHow is the monthly pricing calculated Monthly prices shown are calculated using an assumed usage of 730 hours per month actual monthly costs may vary based on the number of days in a monthDo you include Tax in the prices listed on the website No price is exclusive of any taxes all plan pricing is subject to an 18 GST rate Build on the most powerful infrastructure cloudGet Started for FreeContact SalesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
statuse2enetworkscom All systems are operational MyAccount E2E Networks Billing Operational DNS Operational Dashboard Operational API Operational NOIDANCR Region Network Status Operational Nodes Operational Load Balancers Operational Elastic Object Storage EOS Operational Volumes Operational DbaaS Operational Auto Scaling Operational Mumbai Region Network Status Operational Nodes Operational Load Balancers Operational Volumes Operational DbaaS Operational Auto Scale Operational Stickied Incidents 3rd April 2024 Backend Software Stack Upgrade MyAccount Cloud Console Dear Customer We have scheduled an upgrade activity for our backend software stack version for the E2E Networks Myaccount cloud console on the 3rd of April 2024 The Details of the activity are shared below Upgrade Date 3rd April 2024 Upgrade Window 10 PM 1130 PM Region All DelhiNCR DelhiNCR2 and Mumbai Downtime 30 minutes Purpose We at E2E Networks always pursue the best practices to keep our software and hardware stacks upgraded and patched to enhance performance and security and this activity is also planned as part of the same initiative The upgrade will help us in fixing the identified bugs and in improving and optimizing the process of the Myaccount cloud console also allow us to launch and provide more new products and features to serve our customers more efficiently Impact During the maintenance activity the Myaccount based operations like creation of any type of new nodes image saving volumes and appliances and any type of action on existing nodes like stopstartdeletion of nodes deletion of saved images attachingdetaching of volumes redeployment of existing appliances etc will be affected during the period of maintenance The operations mentioned above available via APIs will also be affected during maintenance However there wont be any effect due to the maintenance on any of the existing customer nodesappliancesservices which are already running and are in working condition Recommendation We request you consider the above maintenance plan your activities accordingly We regret the inconvenience caused to you in this regard look forward to receiving your continued support If you have any queries regarding this you may write an email to cloudplatforme2enetworkscom and our platform team will be happy to assist you Past Incidents 2nd April 2024 No incidents reported 1st April 2024 No incidents reported 31st March 2024 No incidents reported 30th March 2024 No incidents reported 29th March 2024 No incidents reported 28th March 2024 No incidents reported 27th March 2024 No incidents reported 26th March 2024 No incidents reported 25th March 2024 No incidents reported 24th March 2024 No incidents reported 23rd March 2024 No incidents reported 22nd March 2024 No incidents reported 21st March 2024 No incidents reported 20th March 2024 No incidents reported 19th March 2024 No incidents reported 18th March 2024 No incidents reported 17th March 2024 No incidents reported 16th March 2024 No incidents reported 15th March 2024 No incidents reported 14th March 2024 No incidents reported 13th March 2024 No incidents reported 12th March 2024 No incidents reported 11th March 2024 No incidents reported 10th March 2024 No incidents reported 9th March 2024 No incidents reported 8th March 2024 No incidents reported 7th March 2024 No incidents reported 6th March 2024 No incidents reported 5th March 2024 No incidents reported 4th March 2024 No incidents reported Previous Dashboard Subscribe
Welcome to E2E API documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E API documentation Welcome to E2E API documentation API Getting Started Node Action On Node Images Save Image Monitoring Tutorial How to Launch a Node from Saved Image via API DNS API Load Balancer VPC Volumes Reserve IP DBaas Auto Scaling CDN Object Storage Firewall Kubernetes Security Groups Postman API Collection Click Here Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
2Factor Authentication E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Security in E2E Networks 2Factor Authentication 2Factor Authentication It is a security measure that adds an extra layer of protection to user accounts or systems With 2FA users are required to provide two different forms of identification or authentication factors to verify their identity When 2FA is enabled the user needs to provide both the password and the additional authentication factor to gain access to their account or system This adds an extra level of security as even if someone obtains the password they would still need the second factor to log in successfully 2FA helps protect against various security threats like password theft phishing attacks and unauthorized access It has become a widely adopted security practice for online accounts banking services email providers and other sensitive systems TOTP Based 2Factor Authentication TOTP stands for TimeBased OneTime Password TOTPbased 2FA TwoFactor Authentication is a security mechanism that uses timebased OTPs to provide an additional layer of authentication for user accounts In TOTPbased 2FA a shared secret key is generated and securely stored on both the server side and the users device or application This shared secret is used to generate a unique OTP at regular time intervals typically every 30 seconds When a user attempts to log in they are prompted to enter their username and password as the first factor of authentication The second factor is the OTP generated by their TOTPbased authentication application Popular applications that implement TOTPbased 2FA include Google Authenticator Microsoft Authenticator and Authy Note We have set up 2factor authentication 2FA as the default security However you have the flexibility to choose between 2factor authentication and Google Authenticator based on your preference How to Switch from 2factor authentication 2FA to Google authenticator Go to myaccount and then go to Settings Security Click on Google Authenticator After clicking on Google Authentication you can see the below screen Now scan the QR code using any authenticator app like Google Authenticator or Microsoft Authenticator and after scanning the code a TOTPTimebased OneTime Passwords will be shown on the device which has been used to scan the code enter that code in the text box and click on Enable button After clicking on the enable option Google authentication would be enabled and backup codes would appear Users can use these backup codes later for login into myaccount but remember each backup code can be used only once Switch from Google Authenticator to 2 factor Authentication 2FA Click on A code is sent by text message on your registered phone After clicking that you will see the popup screen and A new OTP has been sent to your requested mobile number Enter the verification code and click on Confirm button Resend If you did not get otp you can click on resend to get new verification code Your two factor authentication code verified successfully After clicking on the confirm button 2 factor authentication would be enabled and backup codes would appear Users can use these backup codes later for login into myaccount but remember each backup code can be used only once Backup codes About Backup codes Onetime usable secret codes that you can keep somewhere safe and use when you are not able to get verification codes on your phone You can regenerate new codes anytime Show Backup codes You can see the backup codes by clicking Show Backup Code button After clicking on that button you can see the popup Get New Codes You can get new backup codes by clicking Get New Codes button Download backup Codes You can Download backup codes just by clicking on the Download button On this page TOTP Based 2Factor Authentication How to Switch from 2factor authentication 2FA to Google authenticator Switch from Google Authenticator to 2 factor Authentication 2FA Resend Backup codes Show Backup codes Get New Codes Download backup Codes Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2E Cloud Compute Notes Management E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Cloud Compute Notes Management E2E Cloud Compute Notes Management Welcome to E2E Clouds documentation on Compute nodes Here youll find detailed information on various compute nodes their deployment management and best practices for optimization E2E Cloud offers a variety of Virtual Compute Nodes tailored to different needs including Linux and Windowsbased nodes CPUintensive and highmemory options GPU nodes and smart dedicated nodes For those seeking costeffectiveness E2E Spot Instances provide a flexible option Youll learn how to launch these nodes from the Myaccount portal manage node settings and handle security measures like BitNinja This section also covers critical processes like creating and managing snapshots importing custom images and troubleshooting common issues Monitoring and Deployment Monitoring and 1Click Deployment are two areas covered indepth Learn to set up and manage monitoring alerts understand monitoring graphs and install ZabbixAgent on your server For ease of deployment the 1Click Deployment feature offers a range of applications like Moodle Drupal Redmine Wordpress and more streamlining the setup process on E2Es cloud platform Node Management Lastly this documentation provides essential guides on managing your nodes including logging in network configuration creating images from snapshots and troubleshooting common issues like high processor load or server inaccessibility Lets get started On this page Monitoring and Deployment Node Management Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Deploy Model Endpoint for Stable Diffusion v21 E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Tutorials Deploy Model Endpoint for Stable Diffusion v21 Deploy Model Endpoint for Stable Diffusion v21 In this tutorial we will create a model endpoint against Stability AIs Stable Diffusion v21 model The tutorial will mainly focus on the following A stepbystep guide on Model Endpoint creation Image generation using Stable Diffusion v21 Creating Model endpoint with custom model weights Brief description about the supported parameters for image generation For the scope of this tutorial we will use prebuilt container StableDiffusion v21 for the model endpoint but you may choose to create your own custom container by following this tutorial In most cases the prebuilt container would work for your use case The advantage is you wont have to worry about building an API handler API handler will be automatically created for you So lets get started A guide on Model Endpoint creation Image generation Step 1 Create a Model Endpoint for Stable Diffusion v21 on TIR Go to TIR Dashboard Choose a project Go to Model Endpoints section Click on Create Endpoint button on the topright corner Choose StableDiffusion v21 model card in the Choose Framework section Pick any suitable GPU plan of your choice You can proceed with the default values for replicas disksize endpoint details Add your environment variables if any Else proceed further Model Details For now we will skip the model details and continue with the default model weights If you wish to load your custom model weights finetuned or not select the appropriate model See Creating Model endpoint with custom model weights section below Complete the endpoint creation Step 2 Generate your API TOKEN The model endpoint API requires a valid auth token which youll need to perform further steps So lets generate one Go to API Tokens section under the project Create a new API Token by clicking on the Create Token button on the top right corner You can also use an existing token if already created Once created youll be able to see the list of API Tokens containing the API Key and Auth Token You will need this Auth Token in the next step Step 3 Generate Images using text Prompts The final step is to send API requests to the created model endpoint generate images using text prompts We will use TIR Notebook to do the same Once your model is Ready visit the Sample API Request section of that model and copy the Python code Launch a TIR Notebook with PyTorch or StableDiffusion Image with any basic machine plan Once it is in Running state launch it and start a new notebook untitledipynb in the jupyter labs Paste the Sample API Request code for Python in the notebook cell Copy the Auth Token generated in Step2 use it in place of AUTHTOKEN in the Sample API Request Execute the code send request Youll get a list of tensors as output This is because Stable Diffusion v21 model endpoint return the generated images as a list of PyTorch Tensors To view the generated images copy the below code paste it in the notebook cell and execute it Youll be able to view the generated images import torch import torchvisiontransforms as transforms def displayimagestensorimagedatalist convert PyTorch Tensors to PIL Image for tensordata in tensorimagedatalist tensorimage torchtensortensordatagetdata initialise the tensor pilimg transformsToPILImagetensorimage convert to PIL Image pilimgshow to save the generatedimages uncomment the line below imagesavetensordatagetname if responsestatuscode 200 displayimagesresponsejsongetpredictions Thats it Your Stable Diffusion model endpoint is up running You can also try providing different prompts see the generated images Besides prompt the model also supports various other parameters for image generation See the Supported parameters for image generation section below Creating Model endpoint with custom model weights To create Inference against Stable Diffusion v21 model with custom model weights we will Download StableDiffusion21 by Stability AI model from huggingface Upload the model to Model Bucket EOS Create an inference endpoint model endpoint in TIR to serve API requests Step 11 Define a model in TIR Dashboard Before we proceed with downloading or finetuning optional the model weights let us first define a model in TIR dashboard Go to TIR Dashboard Choose a project Go to Model section Click on Create Model Enter a model name of your choosing eg stablediffusion Select Model Type as Custom Click on CREATE You will now see details of EOS E2E Object Storage bucket created for this model EOS Provides a S3 compatible API to upload or download content We will be using MinIO CLI in this tutorial Copy the Setup Host command from Setup Minio CLI tab to a notepad or leave it in the clipboard We will soon use it to setup MinIO CLI Note In case you forget to copy the setup host command for MinIO CLI dont worry You can always go back to model details and get it again Step 12 Start a new Notebook To work with the model weights we will need to first download them to a local machine or a notebook instance In TIR Dashboard Go to Notebooks Launch a new Notebook with Diffusers Image and a hardware plan eg A10080 We recommand a GPU plan if you plan to test or finetune the model Click on the Notebook name or Launch Notebook option to start jupyter labs environment In the jupyter labs Click New Launcher and Select Terminal Now paste and run the command for setting up MinIO CLI Host from Step 1 If the command works you will have mc cli ready for uploading our model Step 13 Download the StableDiffusion v21 by Stability AI model from notebook Now our EOS bucket will store the model weights Let us download the weights from Hugging face Start a new notebook untitledipynb in jupyter labs Run the below commands The model will be downloaded by huggingface sdk in the HOMEcache folder import torch from diffusers import StableDiffusionPipeline DPMSolverMultistepScheduler modelid stabilityaistablediffusion21 pipe StableDiffusionPipelinefrompretrainedmodelid torchdtypetorchfloat16 pipescheduler DPMSolverMultistepSchedulerfromconfigpipeschedulerconfig torchdevice cuda if torchcudaisavailable else cpu pipe pipetotorchdevice Note If you face any issues running above code in the notebook cell you may be missing required libraries This may happen if you did not launch the notebook with Diffusers image In such situation you can install the required libraries below pip install diffusers transformers accelerate scipy safetensors Let us run a simple inference to test the model prompt a photograph of an astronaut riding a horse image pipepromptimages0 imageshow Step 2 Upload the model to Model Bucket EOS Now that the model works as expected you can finetune it with your own data or choose to serve the model asis This tutorial assumes you are uploading the model asis to create inference endpoint In case you finetune the model you can follow similar steps to upload the model to EOS bucket go to the directory that has the huggingface model code cd HOMEcachehuggingfacehubmodelsstabilityaistablediffusion21snapshots push the contents of the folder to EOS bucket Go to TIR Dashboard Models Select your model Copy the cp command from Setup MinIO CLI tab The copy command would look like this mc cp r MODELNAME stablediffusionstablediffusion854588 here we replace MODELNAME with to upload all contents of snapshots folder mc cp r stablediffusionstablediffusion854588 Note The model directory name may be a little different we assume it is modelsstabilityaistablediffusion21 In case this command does not work list the directories in the below path to identify the model directory HOMEcachehuggingfacehub Step 3 Create an endpoint for our model With model weights uploaded to TIR Models EOS Bucket what remains is to just launch the endpoint and serve API requests Head back to the section on A guide on Model Endpoint creation Image generation above and follow the steps to create the endpoint for your model While creating the endpoint make sure you select the appropriate model in the model details subsection ie the EOS bucket containing your model weights If your model is not in the root directory of the bucket make sure to specify the path where the model is saved in the bucket Follow the steps below to find the Model path in the bucket Go to MyAccount Object Storage Find your Model bucket in this case stablediffusion854588 click on its Objects tab If the modelindexjson file is present in the list of objects then your model is present in the root directory you need not give any Model Path Otherwise navigate to the folder and find the modelindexjson file copy its path and paste the same in the Model Path field You can click on Validate button to validate the existance of the model at the given path Supported parameters for image generation In addition to the prompt input the model supports some other optional parameters that you can pass in request payload to generate images Below is a brief description about the supported parameters prompt str or Liststr required The prompt or prompts to guide image generation Sample Payload to give a single prompt payload1 prompt a photo of an astronaut riding a horse can also be passed as a list a photo of an astronaut riding a horse to give multiple prompts payload2 prompt a photo of an astronaut riding a horse a photo of cat playing football heightwidth int optional defaults to 768 The heightwidth in pixels of the generated imageimages Sample Payload heigth width To choose a good image size enter height width in multiples of 8 payload prompt a photo of an astronaut riding a horse height 512 defaults to 768 width 1024 defaults to 768 numimagesperprompt int optional defaults to 1 The number of images to generate per prompt Sample Payload numimagesperprompt payload prompt a photo of an astronaut riding a horse a photo of cat playing football numimagesperprompt 2 generates a total of 4 images 2 for each prompt generator Listint optional A random seed to make generation deterministic Every time you use the same seed youll have the same image result Sample Payload generator generator must be a list of integers payload1 prompt a photo of an astronaut riding a horse generator 1024 if specified you must pass a generator value for each of the prompts so that length of the generator list equals the total number of prompts payload2 prompt a photo of an astronaut riding a horse a photo of cat playing football generator 1024 700 youll see that payload1 payload2 generates the same image for the prompt a photo of an astronaut riding a horse because of the same generator seed given numinferencesteps int optional defaults to 50 The number of denoising steps More denoising steps usually lead to a higher quality image at the expense of slower inference Sample Payload numinferencesteps try generating the images for the three payloads and see the difference between them we will pass the same prompt and generatorseed to generate the same image for our comparison promptstr a photo of an astronaut riding a horse generatorseed 2000 payload1 prompt promptstr generator generatorseed numinferencesteps 20 payload2 prompt promptstr generator generatorseed numinferencesteps 50 default value payload3 prompt promptstr generator generatorseed numinferencesteps 80 negativeprompt str or Liststr optional The prompt or prompts to guide what to not include in image generation If not defined you need to pass negativepromptembeds instead Ignored when not using guidance guidancescale 1 Sample Payload negativeprompt lets generate the same image but add a negative prompt for the horses body colour payload prompt a photo of an astronaut riding a horse generator 2000 negativeprompt brown coloured horse guidancescale float optional defaults to 75 A higher guidance scale value encourages the model to generate images closely linked to the text prompt at the expense of lower image quality Guidance scale is enabled when guidancescale 1 Sample Payload guidancescale try generating the images for the three payloads and see the difference between them we will pass the same prompt and generatorseed to generate the same image for our comparison promptstr a photo of an astronaut riding a horse generatorseed 2000 payload1 prompt promptstr generator generatorseed guidancescale 3 payload2 prompt promptstr generator generatorseed guidancescale 75 default value payload3 prompt promptstr generator generatorseed guidancescale 11 guidancerescale float optional defaults to 07 Guidance rescale factor from Common Diffusion Noise Schedules and Sample Steps are Flawed Guidance rescale factor should fix overexposure when using zero terminal SNR Sample Payload guidancerescale try generating the images for the three payloads and see the difference between them we will pass the same prompt and generatorseed to generate the same image for our comparison promptstr a photo of an astronaut riding a horse generatorseed 2000 payload1 prompt promptstr generator generatorseed guidancerescale 03 payload2 prompt promptstr generator generatorseed guidancerescale 07 default value payload3 prompt promptstr generator generatorseed guidancerescale 11 On this page A guide on Model Endpoint creation Image generation Creating Model endpoint with custom model weights Supported parameters for image generation Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Migratetransfer data between MySQL DBaaS E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks Migratetransfer data between MySQL DBaaS Migratetransfer data between MySQL DBaaS lets understand the steps to migrate MySQL databases Below are the steps you can follow to migrate MySQL databases Backup the Data of Old DBaaS Restore the Dump on New DBaaS 1 Backup the Data The first step to migrate MySQL database is to take a dump of the data that you want to transfer This operation will help you move mysql database data from one DBaaS to another DBaaS To do that you will have to use mysqldump command The basic syntax of the command is mysqldump h source host IP u username p database dumpsql There are various options available for this command lets go through the major ones as per the use case a Backing Up Specific Databases This command dumps specified databases to the file mysqldump u username p database dumpsql You can specify multiple databases for the dump using the following command mysqldump u username p databases database1 database2 dumpsql You can use the alldatabases option to backup all databases on the MySQL instance mysqldump u username p alldatabases dumpsql b Backing Up Specific Tables The above commands dump all the tables in the specified database if you need to take backup of some specific tables you can use the following command mysqldump u username p database table1 table2 dumpsql c Custom Query If you want to backup data using some custom query you will need to use the where option provided by mysqldump mysqldump u username p database table1 whereWHERE CLAUSE dumpsql Example mysqldump u root p testdb table1 wheremycolumn myvalue dumpsql Note By default mysqldump command includes DROP TABLE and CREATE TABLE statements in the created dump Hence if you are using incremental backups or you specifically want to restore data without deleting previous data make sure you use the nocreateinfo option while creating a dump mysqldump u username p database nocreateinfo dumpsql If you need to just copy the schema but not the data you can use nodata option while creating the dump mysqldump u username p database nodata dumpsql 2 Restore the Dump The last step in MySQL migration is restoring the data on the destination DBaaS MySQL command directly provides a way to restore to dump data to MySQL mysql h destination Host IP u username p database dumpsql The data has been successfully migrated from Old DBaaS to New DBaaS On this page 1 Backup the Data a Backing Up Specific Databases b Backing Up Specific Tables c Custom Query 2 Restore the Dump Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
1 Monitoring Stack E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Kubernetes Service 1 Monitoring Stack 1 Monitoring Stack Prometheus is an opensource monitoring and alerting tool It is designed to collect metrics from different sources store them efficiently and enable querying and visualization of these metrics for monitoring purposes Data Collection Metrics Storage Query Language Alerting Service Discovery Visualizations Exporters are some key features of prometheus The kubeprometheusstack is preconfigured to gather metrics from all Kubernetes components because it is designed for cluster monitoring It also provides a standard set of dashboards and alerting rules Many of the relevant dashboards and alerts originate from the kubernetesmixin project The kubeprometheusstack consists of three main components Prometheus Operator for spinning up and managing Prometheus instances in your DOKS cluster Grafana for visualizing metrics and plot data using stunning dashboards Alertmanager for configuring various notifications eg PagerDuty Slack email etc based on various alerts received from the Prometheus main server When it comes to gathering metrics Prometheus uses a pull model therefore it expects that the service in question would expose a metrics endpoint for scraping A time series database is used to store the data points for each metric that Prometheus retrieves Grafana makes it simple to collect data from the Prometheus time series database and plot it using stunning graphs organized into dashboards The PromQL language can also be used to run queries You must allocate block storage for both Prometheus and Grafana instances using Persistent Volumes or PVs in order to persist all the data metrics and different settings Alerts sent by client programmes like the Prometheus server are handled by the Alertmanager component It handles the deduplication grouping and routing to the appropriate receiver integration such as email PagerDuty or Slack Additionally it handles alert inhibition and silencing Please make sure to visit the official documentation page for each of the components to learn more Prometheus to learn more about all the available features as well as various configuration options Prometheus Operator which provides useful information on how to use the operator Alertmanager to learn more about Alertmanager and integrations with various notification platforms Getting Started after deploying kubernetes monitoring stack Please refer to this document to connect your kubernetes cluster httpsdocse2enetworkscomkuberneteskuberneteshtmlhowtodownloadkubeconfigyamlfile Once you have set up your cluster using kubectl proceed with executing the following commands helm repo add jetstack prometheuscommunity httpsprometheuscommunitygithubiohelmcharts helm repo update How to check if Prometheus monitoring stack is running helm ls n kubeprometheusstack Verify if prometheus stack pods are up and running kubectl get pods n kubeprometheusstack Accessing Prometheus web panel You can access Prometheus web console by port forwarding the kubeprometheusstackprometheus service kubectl portforward svcprometheuskubeprometheusprometheus 90909090 n kubeprometheusstack Next launch a web browser of your choice and enter the following URL httplocalhost9090 To see what targets were discovered by Prometheus please navigate to httplocalhost9090targets Accessing Grafana web panel You can connect to Grafana by port forwarding the prometheusgrafana service kubectl portforward svcprometheusgrafana 300080 n kubeprometheusstack Default credentials User admin Password promoperator Please change your password after first login Recommended Next launch a web browser of your choice and enter the following URL httplocalhost3000 You can take a look around and see what dashboards are available for you to use from the kubernetesmixin project as an example by navigating to the following URL httplocalhost3000dashboardstagkubernetesmixin Tweaking Helm Chart Values The kubeprometheusstack provides some custom values to start with Please have a look at the values file from the main GitHub repository explanations are provided inside where necessary You can always inspect all the available options as well as the default values for the kubeprometheusstack Helm chart by running below command helm show values prometheuscommunitykubeprometheusstack version 4860 After tweaking the Helm values file valuesyml according to your needs you can always apply the changes via helm upgrade command as shown below helm upgrade prometheus prometheuscommunitykubeprometheusstack version 4860 namespace kubeprometheusstack values valuesyml If you want to run a service on a public ip then you can edit that specific service with the below command kubectl edit svc servicename n kubeprometheusstack Change type from ClusterIP to LoadBalancer the available public ip gets automatically attached to the service Then you can use the ip and respective port of your choice to access prometheus web panel publicly Configuring Service Monitors for Prometheus To monitor applications in your cluster you usually define a so called ServiceMonitor CRD This is a custom resource definition provided by the Prometheus Operator which helps you in the process of adding new services that need to be monitored A typical ServiceMonitor configuration looks like below apiVersion monitoringcoreoscomv1 kind ServiceMonitor metadata name exampleapp labels team frontend spec selector matchLabels app exampleapp endpoints port web Explanations for the above configuration specselectormatchLabelsapp Tells ServiceMonitor what application to monitor based on a label specendpointsport A reference to the port label used by the application that needs monitoring The kubeprometheusstack Helm values file provided in the GitHub marketplace repository contains a dedicated section named additionalServiceMonitors where you can define a list of additional services to monitor Below snippet is setting up Nginx Ingress Controller monitoring as an example additionalServiceMonitors name ingressnginxmonitor selector matchLabels appkubernetesioname ingressnginx namespaceSelector matchNames ingressnginx endpoints port metrics After adding required services to monitor you need to upgrade the stack via the helm upgrade command in order to apply the changes helm upgrade prometheus prometheuscommunitykubeprometheusstack version 4860 namespace kubeprometheusstack values valuesyml You can also check the full list of available CRDs httpsgithubcomprometheusoperatorprometheusoperatorcustomresourcedefinitions which you can use to control the Prometheus Operator by visiting the official GitHub documentation page Upgrading Kubernetes Prometheus Stack You can check what versions are available to upgrade by navigating to the kubeprometheusstack official releases page from GitHub Alternatively you can also use ArtifactHUB which provides a more rich and user friendly interface helm upgrade prometheus prometheuscommunitykubeprometheusstack version KUBEPROMETHEUSSTACKNEWVERSION namespace kubeprometheusstack values YOURHELMVALUESFILE Replace KUBEPROMETHEUSSTACKNEWVERSION with appropriate version Replace YOURHELMVALUESFILE with your appropriate values file See helm upgrade httpshelmshdocshelmhelmupgrade for command documentation Also please make sure to check the official recommendations for various upgrade paths httpsgithubcomprometheuscommunityhelmchartstreemainchartskubeprometheusstackupgradingchart from an existing release to a new major version of the Prometheus stack Uninstalling Kubernetes Prometheus Stack helm uninstall prometheus n kubeprometheusstack To delete namespace please use below command kubectl delete ns kubeprometheusstack CRDs created by this chart are not removed by default and should be manually cleaned up kubectl delete crd alertmanagerconfigsmonitoringcoreoscom kubectl delete crd alertmanagersmonitoringcoreoscom kubectl delete crd podmonitorsmonitoringcoreoscom kubectl delete crd probesmonitoringcoreoscom kubectl delete crd prometheusagentsmonitoringcoreoscom kubectl delete crd prometheusesmonitoringcoreoscom kubectl delete crd prometheusrulesmonitoringcoreoscom kubectl delete crd scrapeconfigsmonitoringcoreoscom kubectl delete crd servicemonitorsmonitoringcoreoscom kubectl delete crd thanosrulersmonitoringcoreoscom On this page Getting Started after deploying kubernetes monitoring stack Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2E Networks Cloud Platform Support E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks E2E Networks Cloud Platform Support E2E Networks Cloud Platform Support E2E Networks Provide Cloud Platform Support 247 We provide platform support on the following High priority resolution of Network Related Issues Resolution of any issues related to E2E Products and Services Apart from this we offer a number of help articles that you can refer for troubleshooting applications and configurations related to your Servers which are generally out of network or product Scope We also assist you in providing general troubleshooting steps for any network and performance issues on your Servers How you can connect to Cloud Platform Team Via emailYou can connect with us over email at cloudplatforme2enetworkscom A New ticket will be generated with a unique Ticket ID which can be used for Further Followups Alternatively You can also raise a ticket from Myaccount panel Via CallOnce the ticket is raised for high priority issue and quick resolutions you can reach out to us over the call at cloud platform No911141171818 Scope Of Cloud Platform Support E2E Cloud Platform Support covers Issues Related to E2E Products and Services Only Issue related to physical operation of your E2E Compute nodes Ensuring availability of network and acceptable latency Issue related to billing How to questions related to E2E Services and Features Troubleshooting operational or systemic problems with E2E resources Technical Assistance with E2E Products such as Object StorageCDN and Load Balancer etc E2E Cloud Platform Support Exclusions By default all our nodes are on selfservice basis only We dont provide any hands to keyboard services for our cloud Any support we offer is for our cloud platform outside of the Virtual Machines but never inside them We dont Provide Handson Support regarding the installation or configuration of application software Debugging Application or Performance Related issue on Your Nodes Code Development or Any kind of Application Tuning On this page How you can connect to Cloud Platform Team Scope Of Cloud Platform Support E2E Cloud Platform Support Exclusions Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2E Networks Domestic Customer Validation Process FAQs E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation SignUp Process and Myaccount Dashboard Access E2E Networks Domestic Customer Validation Process FAQs E2E Networks Domestic Customer Validation Process FAQs Why is customer validation required for customers Due to the new CERTIn directives all Data Centres Virtual Private Server VPS providers Cloud Service providers are required to maintain validated name address and other relevant details for their subscribers Therefore in order to meet regulatory requirements we are required to validate these details Can we delegate someone in the teamorganization to perform customer validation Yes the PrimaryAdmin user can nominate any user in the CRN to perform customer validation Are we able to delinkrevoke the linked Aadhar to the account in the future Yes we need a minimum of one user aadhar to be linked with the accountCRN Primary user and User who linked Aadhaar can any time revoke their aadhar provided there is atleast one aadhaar linked user in the CRN Are users allowed to change the aadhaar number once linked No users are not allowed to change aadhaar number once linked The user can only delink the aadhaar by revoking their nomination Do all users in the CRN need to complete customer validation Minimum one user in the CRN needs to complete customer validation All users do not need to complete customer validation What happens if the user is no longer associated with the organisation for which he validated the details The users will be able to revoke their nomination for the CRN provided there is atleast one validated user in the CRN You may need to coordinate with adminprimary users to add another user who completes validation first and thereafter you will be able to revoke your nomination On this page Why is customer validation required for customers Can we delegate someone in the teamorganization to perform customer validation Are we able to delinkrevoke the linked Aadhar to the account in the future Are users allowed to change the aadhaar number once linked Do all users in the CRN need to complete customer validation What happens if the user is no longer associated with the organisation for which he validated the details Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Welcome to E2E Active Directory documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Cloud Compute Notes Management Welcome to E2E Active Directory documentation Welcome to E2E Active Directory documentation Get started Active Directory Open Server Manager Access PostDeployment Configuration Choose Promote this Server Add A Forest Deployment Configuration Proceed to Domain Controller Options Configure Additional Options Review your Selections Initiate Installation How to connect a clientserver to a Domain controller Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Welcome to E2E Networks VPC documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Networking on E2E Cloud Welcome to E2E Networks VPC documentation Welcome to E2E Networks VPC documentation Get started VPC Introduction Navigate to VPC page Working with VPC Create New VPC VPC Actions Associated Node With VPC Associated Node Actions Adding Node Frequently Asked Questions FAQs If a public IP is assigned to a server inside a VPC HTTP service is accessible over the internet on this machine Since it is inside a VPC shouldnt it be protected by firewall VPC integration with other services and appliances Load balancer is not able to reach a server inside a VPC using private IP Also there is no way to create a load balancer inside the VPC Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Welcome to E2E Object Stores documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Storage Solutions Welcome to E2E Object Stores documentation Welcome to E2E Object Stores documentation Topics Introduction Object Storage Create Bucket Bucket Actions Object Versioning Lifecycle Rule Replication Rule Empty Bucket Add to CDN Bucket Details Permissions Access Key Using Manage Access Key Actions in Manage Access Key Public Access Config Bucket Lifecycle Bucket Details Bucket Permissions Create access key Manage Access Protect Your Bucket Data With Encryption Prerequisite 1 Generate the Encryption Key 2 Encrypt And Copy Object into Bucket Using Encryption Key 3 Copy an SSEC Encrypted Object Between Two Bucket References Bucket Details Objects Permissions Bucket Lifecycle Bucket Details Bucket Permissions Access Key Create access key Manage Access Using Manage Access Key Actions in Manage Access Key Public Access Config Protect Your Bucket Data With Encryption Prerequisite 1 Generate the Encryption Key 2 Encrypt And Copy Object into Bucket Using Encryption Key 3 Copy an SSEC Encrypted Object Between Two Bucket References Working with CLI Download MinIO Clientmc Run the Client Save Storage Credentials List Objects List Buckets Make Bucket View Object Content Pipe Content Copy or Upload content Remove Content Update mc client Share Content Unsupported Commands Using API Getting Started Prerequisites Initialize Client List objects from a bucket Get object Put object Remove Object Remove Objects Supported Operations Setting Up s2cmd Prerequisites Step 1 Installing s3cmd on Linux Step 2 Option 1 Configure s3cmd in Interactive Mode Step 2 Option 2 Setup s3cmd with Configuration file Step 3 Test access with configured credentials Conclusion s3cmdwindows Prerequisites Download and install python 2x Installing S3cmd Configure s3cmd Test access with configured credentials Conclusion s3fuse Prerequisites Step 1 Installing s3fsfuse Step 2 Creating Access Credentials Step 3 Creating Directory as mount point Step 4 Run s3fs command to mount the bucket Step 5 Test the Mount Point Conclusion s3browser Windows Introduction Prerequisites Step 1 Download and Installation Step 2 Configure a New Account in S3 Browser Step 3 Enter your Bucket details Conclusion static site Introduction Prerequisites Create Bucket Add permission to your Bucket Create Distribution with CDN Service My sql backup Introduction Prerequisites Archive Logs Introduction Prerequisites Configuring Logrotate Test and Executing Logrotate Config File Conclusion Copy EOS Introduction Step 1 Create a New bucket on your new account Step 2 Attach Admin Permission for CLI access Step 3 Configure minio client mc on your Linux server Step 4 Copy the data from old bucket to new bucket Wordpress backup Introduction Prerequisite Step 1 Create a Bucket in Object Storage Step 2 Grant Admin Access Permission for Your Bucket Step 3 Install and Activate UpdraftPlus Plugin in your WordPress Step 4 Configure Backups to Object Storage Buckets Step 4 Backup your data to Object Storage Step 5 Restoring your data to WordPress Conclusion FAQ What are the usage limitations of EOS Browser Access API Limits API Restrictions CLI Restrictions Object Storage Data Transfer Charges Whats the maximum transfer speed between E2E Compute Node and E2E Object Storage Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Indias Top Provider of Advanced Cloud GPUs Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpIndias Top Provider of Advanced Cloud GPUsBuild a future in a world driven by AI with our cloud solutions Get access to NVIDIA 8xH100 A100 L40S and more to run your AIML workloads With significantly lower prices we want to help your business thriveLaunch GPUContact SalesTrusted by 15000 ClientsAccelerated Cloud Built for DevelopersExploreCloud GPUsRun GPU intensive workloads with confidence across various industry verticals and experience high performance computing in the cloudStarting as low as 30hrTir E2E Clouds Flagship Machine Learning PlatformTir is built on top of Jupyter Notebook an advanced webbased interactive development environment offered by E2E CloudStarting as low as 31hrLinux CloudExperience baremetal performance on Cloud with zero noisy neighbor problem and reliable performanceStarting as low as 350hrWindows CloudRun your workloads on powerful reliable Windows Server instances available in cloud server and smart dedicated server variantsStarting as low as 3hrStorage CloudE2E Cloud is offering secure reliable and costeffective storage solutions Businesses can schedule snapshots automate backups store and access their data from anywhere while ensuring quick and secure accessStarting as low as 25GBCloud SolutionsSimplify the server administration and website management tasks with reliable scalable Webuzo preinstalled cloud serversStarting as low as 1hrHighValue Top Performance ProductiongradeE2E Networks focusses on bringing accelerated cloud computing at an incredible priceperformance ratioGPUCPUhighvalueUnmatched PricePerformance RatioBuilding your production infrastructure on E2E Networks cloud leads to over 90 cost reduction in your monthly cloud billCloud Cost ComparisoninfrastructureBattletested InfrastructureOver 15000 clients trust E2E Networks to run their production workloads Our multiregion cloud is built to be performant reliable resilient and secure for all sizes and scaleLearn MoreCONFIGURATIONSPreconfigured with Industryleading FrameworksOur containers are preconfigured with all major frameworks and libraries All your tools and libraries run effortlessly on our platformExplore Integrationsuse casesDesigned for Numerous RealWorld Use CasesOur infrastructure cloud is used for solutions in domains ranging from Data Science NLP Computer Vision Image Processing Observability HealthTech ConsumerTech and moreExplore CustomersDesign and implement dataparallel algorithms that scale to hundreds of tightly coupled processing units molecular modelling fluid dynamics and othersAccelerate Convolutional Neural Networks based deeplearning workloads like video analysis facial recognition medical imaging and othersProviding 72 RT core allows for performing the realtime RAY Tracing It is certified by the leading graphics organizations on sophisticated professional applicationsCONFIGURATIONSBuilt With Everything You NeedEach workload on E2E Networks is built with everything you need to run your development or production stackE2E VolumesAlso known as EBS E2E Block Storage Provides blocklevel storage volumes to use with our compute nodes These volumes can be attached to your computing nodes which makes its data and file systemCloud Load BalancersLeave the hassle of maintaining your load balancers and focus more on your applications customers with fullymanaged Load Balancer AppliancesObject StorageAlso known as EOS E2E object storage is an SSDbased S3compatible object storage service designed for demanding workloads like machine learning and deep learningOneclick DeploymentAt E2E Networks we understand the need for a quick deployment of infrastructure for both the prod and preprod environmentsDBaaSSetup operate and manage your database in the cloud with just a few clicks Experience the Database service designed for missioncritical applicationsAPI CLI AccessE2E API lets you programmatically manage nodes and resources which you traditionally manage via the MyAccount portal on E2E Cloud using conventional HTTP requestsCDNE2E CDN is a global content delivery network that distributes your content web pages to endusers with minimal latency creating enhanced experiences for your customersReserved IPReserve new IP addresses assign them to your nodes or keep them idle as you need also reserve IP addresses of your existing nodesE2E Auto ScaleWith the allnew E2E Auto Scaling feature now on E2E Cloud dynamically scale up scale back your applications workloads as your situation demandsVirtual Private CloudE2E Networks Virtual Private Cloud enables you to launch E2E nodes into a virtual network that youve defined This virtual network closely resembles a traditional network that youd operate in your own data centreWhat Our Customers SayFor over a decade we have delighted our customers with stellar infrastructure and supportI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdThis is one of the best cloud server providers as we are part of this provider and using it the service and other things are good and accurateHardeep Singh AhluwaliaSenior Manager IT Infra Successive TechnologiesWe have been using E2E Networks for the past 6 months and I am extremely satisfied with the service and the customer support Their servers are quite reliable and very costeffective especially the GPU machines The team is always ready to solve any problem however small Very happy to make E2E Networks our longterm partnersHarshit AgrawalData Scientist at Studio SirahHave been using E2E Networks infra for a decade now and never had any issues Scootsy ran 80 of the workload on E2E Networks before it was acquired by SwiggyKunal ShethFounder GottaGo Ex CTO at ScootsyAntfarm We at CamCom are using E2E GPU servers for a while now and the priceperformance is the best in the Indian market We also have enjoyed a fast turnaround from the support and sales team always I highly recommend the E2E GPU servers for machine learning deep learning and Image processing purposeMr Uma MaheshCOO at CamCom AIE2E Cloud is NextGen PaaS IaaS provider It is a fully augmented and automated platform that is the best in practice in the current Cloud market We are using E2E Networks for more than 5 years and are very much satisfied with the deliverables They have very affordable pricing and are changemaker in the Indian Hosting IndustryMr Devarsh PandyaFounder at CantechE2E GPU machines are superior in terms of performance and at the same time you end up saving more money compared to AWS and Azure Not to mention the agility and skilled customer support that comes alongArvind SainiVP of Engineering at Crownit GoldVIPThe customer support that E2E has provided us is beyond exceptional Their quick response is what makes them stand apart from others and is second to none in the cloud space Weve been using their GPU instances for our Deep Learning workloads for quite a long time The quality of service is amazing at a competitive price and we strongly recommend E2EAkshay Kumar CFounder COO at Marsviewai incCongratulations Thanks for the fast reliable and costeffective solution for my small startup since Mar 2016Ratul NandiLead Software Engineer Gartner previously CEBYou guys are doing everything perfectly I couldnt ask for anything more Keep it up Very happy with the serviceMr Mayank MalhotraDirector ZenwebnetE2E Networks has helped me reach my 1st goal with its cloud platform They gave us a trial to get used to the service Happy with their product will surely recommend others to try it once Good support so farShahnawaz Alam CTO HW Wellness Solutions Pvt LtdFor most startups AWS EC2 is unnecessarily costly Even better for India get a machine from E2E NetworksNaman SarawagiFounder FindYogiI am very much happy with E2E Networks Pvt Ltd Im using your services for the past year and I have provided E2E with multiple clients Whoever is looking for servers I strongly recommend E2E NetworksProtik BanerjeeRelcode Technology Pvt LtdI had a pleasant experience with E2E Network when I purchase the cPanel license plan They provided the onboarding support when I generated a ticket for the purchase Everything was delivered swiftly without any problemsChaitanyakumar GajjarFounder Infinity Software SolutionsPlease reach out to e2e networks if you need any cloud services their service is awesome I want to rate 55 for their servicesShreekethIssaniWe are using E2E Cloud servers since last 2 years Very happy with costeffective and highperformance compute nodes We were able to reduce our hosting expenses by 40 without compromising on quality security and stabilityVinod PandeyCofounder CTO myCBSEguideReally good service from E2E Networks And at very affordable prices We are satisfied with them The Cloud console access feature is a very good and very easy user interface And I am satisfied with the service features and Highperformance network for data uploaddownloadVarun SharmaCeo WebFreakSolutionEasy to Manage Easy to pay Low Cost Charan SinghSr Manager Crayons Advertising Pvt LtdI have been using E2E Cloud for almost a year now These guys are the most professional of all the cloud providers in India They have absolutely reliable products and also charge the lowest rate I would like to recommend it to all who are looking for COST Effective cloud serversNaresh KumarSystem Administrator Aravali College of Engg MgmtOur experience with E2E has been better than AWS as our website is performing better both in terms of latency and uptime Since E2E provides plans that are simple to understand implement and are a complete package our efforts are concentrated on the development and not on maintaining the infrastructureArjun GuptaSenior Manager Pharma Synth Formulations LimitedWe have been using Kubernetes cluster on E2E Cloud and are reasonably satisfied with its performance We were able to reduce our costs by 40 after migrating from Azure My big thanks to the E2E Cloud team for launching a Cloud and helping Indian startups in reducing their cloud costsAmarjeet SinghCoFounder CTO ZenatixThe platform is comfortable support is good 2 years anniversary completed in E2EMr Yonti LevinCoFounder CTO at Loora9999 SLA 100 Human SupportOur customers swear by the proactiveness of our support staff and our obsessive focus on uptime SLA Talk to our sales team now to learn more100 Human SupportUnlike other cloud providers our support team is always reachable9999 Uptime SLAUptime SLAs such that you worry less and do moreHigh ReliabilityCloud platform powered by robust engineering to ensure highreliabilityBuild on the most powerful infrastructure cloudGet Started for FreeContact SalesPress and Media MentionsListed on NSE Backed by Blume Ventures Loved by PressProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
DNS E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Networking on E2E Cloud DNS DNS Introduction DNS Domain Name System is a very significant part of the internet DNS basically associates a Domain Name with an IP address For example if you have purchased a domain name say wwwabcdefcom this domain name requires an IP address to be processed on the Internet because everyone access information online through domain names Web browsers interact through Internet Protocol IP addresses DNS translates domain names to IP addresses so browsers can load Internet resources This way DNS servers eliminate the need for humans to memorize IP addresses DNS must be configured with perfect precision and any inaccuracy in setting up the DNS record may lead to the inefficient performance of your website The following are the prerequisites required to configure DNS record on your MyAccount A Domain Name An IP address Setup DNS Records Follow the steps mentioned to configure your DNS records via the E2E Networks DNS server database Login to MyAccount portal using your credentials set up at the time of creating and activating the E2E Networks My Account On the left side of the MyAccount dashboard click on the DNS submenu available under the Services section You will be routed to the Manage DNS page Now you have to click on the Add Domain button to create a DNS record Enter the Domain Details Every domain requires an SOA record Start Of Authority Records configuration at its point of transition from where the domain is commissioned from its parent domain For instance abcdefcom is a domain name and if you want to point this domain to e2e networks DNS servers then the SOA records for the name abcdefcom must be configured at our DNS portal Fill in the parameters required as follows Domain Name Enter the exact domain name that you own or have bought IPv4 Address External IP Enter the public IP address under the IP address section Note The domain name should not have a www at the beginning After filling all the details successfully click on the Submit button Change nameservers for my domains Nameservers are your primary DNS controller and without the correct nameserver settings your email and website wont work correctly You need to change your nameservers with E2E Networks provided Name Server All the information related to your domain name will be stored and maintained by the Name Server Link E2E Networks nameserver mentioned below in your domain service provider portal Create your Domain Records Once you save the SOA records the domain will be created in the e2e networks DNS database Configure your DNS records for your domain name by clicking on the Manage action next to your Domain name IP Address You will be directed to the Edit DNS Record page where the summary of your Domain Name will be displayed Click on the Add Record button to add various DNS records under zone file A Record IPv4 Type A record is are necessary to direct a visitors browser requests to an origin web server Multiple A records for the same subdomain can be added with different IP addresses DNS will alternate requests to the various IP addresses provided To create a new AType Record associated with your DNS record Select A record type from the dropdown list Enter Hostname in the hostname field Enter TTL Seconds The recommended TTL for A records is 14400 seconds This means that if an A record gets updated it takes 240 minutes 14400 seconds to take effect Enter the IP address to which the domain name should resolve Click on Submit button Notes A generic hostname field ending with dot such as abcdefffcom is considered as Fully Qualified Domain Name Hostname field with blank or symbol is considered as a base domain abcdefcom Hostname field at the end of which a dot is not used such as abcdefcom will append as abcdeffcomabcdeffcomabcdefffcom AAAA Record IPv6 AAAA records are used to point a domain name to IPv6 address only If your domain has an IPv6 address it will instead use an AAAA record for the same subdomain can be added with different IPv6 addresses Select AAA record type from the dropdown list Enter Hostname in the hostname field Enter TTL Seconds The recommended TTL for AAA records is 14400 seconds This means that if an A record gets updated it takes 240 minutes 14400 seconds to take effect Enter the IP address to which the domain name should resolve Click on Submit button CNAME Record The CNAME record is utilized when a domains alias name is to be created CNAME Records are necessary to direct a visitors browser requests to an origin web server Unlike an A record the CNAME will point to a hostname like wwwexamplecom instead of an IP address wwwexamplecom would then either have an A record that lists the IP address or use another CNAME record that points to a different hostname Eventually a chain of CNAME records must point to a hostname that resolves to an IP address For example an alias name of docsabcdefcom can be documentsabcdefcom using the CNAME record Select CNAME record type from the dropdown list Enter Hostname in the hostname field Enter TTL Seconds The recommended TTL for CNAME records is 32600 seconds This means that if an A record gets updated it takes 543 minutes 32600 seconds to take effect Enter the domain in the Point To field Click on Submit button MX Record MX record Mail Exchange Record is related to the Mail Servers present in your Domains server Its responsible for the reception of the emails based on their respective mail servers A DNS mail exchange MX record directs email to a mail server The MX record indicates how email messages should be routed in accordance with the Simple Mail Transfer Protocol SMTP the standard protocol for all email Like CNAME records an MX record must always point to another domain TXT Record The TXT Domain Record provides information regarding your server datacenter or a network in a userreadable format For instance you can verify the ownership of a domain using the TXT resource record You can create SPF DK DKIM text records For example enter vspf1 mx all to make sure that all emails are sent from this server and no other server are authorized Select TXT record type from the dropdown list Enter your hostname ex mailabcdefcom Enter TTL Seconds The recommended TTL for A records is 14400 seconds This means that if an A record gets updated it takes 240 minutes 14400 seconds to take effect Enter the rule in the Text area Click on Submit button SRV Record SRV records specify the location hostname and port number of servers for specific services You can use service records to direct certain types of traffic to servers Select SRV record type from the dropdown list Enter your service name Enter Target value Enter the Priority value Enter the weight value Enter the port Click on Submit button Final Output Once you have successfully configured the abovementioned RecordTypes for your domain you will have a final output summary You can review and edit all the existing records Domain Records are the basic information elements of the domain name system Each record has a type name and number an expiration time time to live a class record type and typespecific datavalue Note Please refresh the page in case you fail to see the Domain summary Diagnostics Once you have filled all the required fields and updated the Nameserver information record your domain name should be up and supported in a few hours Go to the Diagnostics section to get a report of your domain Click the refresh button in case if the details are not updated You can confirm your hostname registration with E2E Networks Open command promptshell and run ping command Check the server IP Address and the response ping wwwabcdefffcom 64 bytes from 10153131214 icmpreq1 ttl60 time105 ms 64 bytes from 10153131214 icmpreq2 ttl60 time0450 ms Custom Reverse DNS Reverse DNS lookup is a DNS query for the domain name associated with a given IP address This accomplishes the opposite of the more commonly used forward DNS lookup in which the DNS system is queried to return an IP address How does reverse DNS work Reverse DNS lookups query DNS servers for a PTR pointer record if the server does not have a PTR record it cannot resolve a reverse lookup PTR records store IP addresses with their segments reversed and they append inaddrarpa to that For example if a domain has an IP address of 10001 the PTR record will store the domains information under 10010inaddrarpa Prerequisites A Custom reverse DNS record can only be set for an IP belonging to E2E Networks Nameserver information record of the domain should point to E2E DNS nameservers An A record should exist for the target Setup Reserve DNS Follow the steps mentioned to configure your reverse DNS records via the E2E Networks DNS server database Go to the Manage DNS page You have to click on the Add Reserve DNS button to create a reserve DNS record You will be redirected to the Manage Reserve DNS page You have to click on the Add Record button to create a reserve DNS record Enter the following information IPv4 Address E2E Network IP Select the public IP address from the dropdown list under the IP address section Domain Name Enter the exact domain name that you own or have bought Note The domain name should not have a www at the beginning After filling all the details successfully click on the Submit button On this page Introduction Setup DNS Records Enter the Domain Details Change nameservers for my domains Create your Domain Records A Record IPv4 AAAA Record IPv6 CNAME Record MX Record TXT Record SRV Record Final Output Diagnostics Custom Reverse DNS How does reverse DNS work Prerequisites Setup Reserve DNS Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Copyright complaint E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E Abuse documentation Copyright complaint Copyright complaint Introduction Copyright complaint for the server How to take steps to resolve the issue A copyright complaint typically is received when any content is deemed to be violating a copyright of any brand or content etc It can typically happen for the following reasons amongst others Any content that is copyrighted is available as a webpage on your site A copyrighted material like a song movie etc being downloaded on your server Copyrighted softwarepackages being downloaded on your server How to troubleshoot and resolve it Review the complaint to see if its a legitimate complaint and remove offending material Check the access logs on webserver or ssh to review if any copyrighted material have been downloaded and remove it and take further measures to prevent it from happening again Review any software being used and ensure license is complied to by the vendor of that software Please note that this document is provided for the benefit of our customers and the community at large E2E Networks is not responsible for any inadvertent issues arising out of trying out any of the advise here or using by any of the tools In case any of your server at E2E Networks is compromised Please note that during the entire process we request you to communicate and kindly take immediate action to fix the issue as the lack of response or resolution of the issue would be a contravention of IT Act 2000 and would lead to disabling of the public network On this page Introduction Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
SignUp Process and Myaccount Dashboard Access E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation SignUp Process and Myaccount Dashboard Access SignUp Process and Myaccount Dashboard Access Myaccount is the entry point to E2E Networks E2E Cloud platform which gives you access to the Myaccount dashboard where you can manage your cloud resources team billing and payments and everything else The registration and sign up process for a new Indian customer is different from an international one so please follow the right guidelines below depending on your business geography SignUp Process for Indian Customers The SignUp process for Indian organizations differ from that of Indian individuals In case of Indian organizations you would need to provide a GSTIN billing address organizations PAN and undergo a simple payment verification process For Indian individuals PAN and Aadhaar are required along with billing address and payment details SignUp Process Indian organizations SignUp Process Indian individuals SignUp Process for International Customers The SignUp process for International customers involves filling out billing address VAT TAX ID if available payment card validation Once this is complete theres a simple customer validation process Follow the link below for more SignUp Process for International Customers Frequently Asked Questions To understand why we need to ensure that customers go through a validation process please read through the FAQs here for Indian customers and the ones here for International customers On this page SignUp Process for Indian Customers SignUp Process for International Customers Frequently Asked Questions Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
How to view Event Audit log reports of your Virtual Compute Nodes E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Security in E2E Networks How to view Event Audit log reports of your Virtual Compute Nodes How to view Event Audit log reports of your Virtual Compute Nodes E2E Networks customers can access their activity and technical logs from their MyAccount portal Activity Log An activity log is a record of all the operations performed by you for product and services which is logged as an entry Each new action performed by you creates a separate entry in the record which depending on the cause of the event Technical Log The technical log is a report that documents the product and services accessed by you along with the date and time stamps related to the lifetime of a product and services It contains the entire usage log of your different product and services Logging into E2E Networks My Account Login to MyAccount portal using your credentials set up at the time of creating and activating the E2E Networks My Account After you log in to the E2E Networks My Account On the lefthand side of the MyAccount dashboard click on the Audit Log submenu available under the Settings section You will be redirected to the Audit Logs page Here you have to various values before downloading the audit logs report Select ProductService Select the product or service for which you want to download the logs report Select Logs Type Select the type of log report that you want to download Select Period Select the period duration for the log report that you want to download Download Logs After selecting the required field value you can click on the Download button to view the logs A log file will be downloaded in csv format On this page Activity Log Technical Log Logging into E2E Networks My Account Select ProductService Select Logs Type Select Period Download Logs Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
DNS E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Networking on E2E Cloud DNS DNS Introduction DNS Domain Name System is a very significant part of the internet DNS basically associates a Domain Name with an IP address For example if you have purchased a domain name say wwwabcdefcom this domain name requires an IP address to be processed on the Internet because everyone access information online through domain names Web browsers interact through Internet Protocol IP addresses DNS translates domain names to IP addresses so browsers can load Internet resources This way DNS servers eliminate the need for humans to memorize IP addresses DNS must be configured with perfect precision and any inaccuracy in setting up the DNS record may lead to the inefficient performance of your website The following are the prerequisites required to configure DNS record on your MyAccount A Domain Name An IP address Setup DNS Records Follow the steps mentioned to configure your DNS records via the E2E Networks DNS server database Login to MyAccount portal using your credentials set up at the time of creating and activating the E2E Networks My Account On the left side of the MyAccount dashboard click on the DNS submenu available under the Services section You will be routed to the Manage DNS page Now you have to click on the Add Domain button to create a DNS record Enter the Domain Details Every domain requires an SOA record Start Of Authority Records configuration at its point of transition from where the domain is commissioned from its parent domain For instance abcdefcom is a domain name and if you want to point this domain to e2e networks DNS servers then the SOA records for the name abcdefcom must be configured at our DNS portal Fill in the parameters required as follows Domain Name Enter the exact domain name that you own or have bought IPv4 Address External IP Enter the public IP address under the IP address section Note The domain name should not have a www at the beginning After filling all the details successfully click on the Submit button Change nameservers for my domains Nameservers are your primary DNS controller and without the correct nameserver settings your email and website wont work correctly You need to change your nameservers with E2E Networks provided Name Server All the information related to your domain name will be stored and maintained by the Name Server Link E2E Networks nameserver mentioned below in your domain service provider portal Create your Domain Records Once you save the SOA records the domain will be created in the e2e networks DNS database Configure your DNS records for your domain name by clicking on the Manage action next to your Domain name IP Address You will be directed to the Edit DNS Record page where the summary of your Domain Name will be displayed Click on the Add Record button to add various DNS records under zone file A Record IPv4 Type A record is are necessary to direct a visitors browser requests to an origin web server Multiple A records for the same subdomain can be added with different IP addresses DNS will alternate requests to the various IP addresses provided To create a new AType Record associated with your DNS record Select A record type from the dropdown list Enter Hostname in the hostname field Enter TTL Seconds The recommended TTL for A records is 14400 seconds This means that if an A record gets updated it takes 240 minutes 14400 seconds to take effect Enter the IP address to which the domain name should resolve Click on Submit button Notes A generic hostname field ending with dot such as abcdefffcom is considered as Fully Qualified Domain Name Hostname field with blank or symbol is considered as a base domain abcdefcom Hostname field at the end of which a dot is not used such as abcdefcom will append as abcdeffcomabcdeffcomabcdefffcom AAAA Record IPv6 AAAA records are used to point a domain name to IPv6 address only If your domain has an IPv6 address it will instead use an AAAA record for the same subdomain can be added with different IPv6 addresses Select AAA record type from the dropdown list Enter Hostname in the hostname field Enter TTL Seconds The recommended TTL for AAA records is 14400 seconds This means that if an A record gets updated it takes 240 minutes 14400 seconds to take effect Enter the IP address to which the domain name should resolve Click on Submit button CNAME Record The CNAME record is utilized when a domains alias name is to be created CNAME Records are necessary to direct a visitors browser requests to an origin web server Unlike an A record the CNAME will point to a hostname like wwwexamplecom instead of an IP address wwwexamplecom would then either have an A record that lists the IP address or use another CNAME record that points to a different hostname Eventually a chain of CNAME records must point to a hostname that resolves to an IP address For example an alias name of docsabcdefcom can be documentsabcdefcom using the CNAME record Select CNAME record type from the dropdown list Enter Hostname in the hostname field Enter TTL Seconds The recommended TTL for CNAME records is 32600 seconds This means that if an A record gets updated it takes 543 minutes 32600 seconds to take effect Enter the domain in the Point To field Click on Submit button MX Record MX record Mail Exchange Record is related to the Mail Servers present in your Domains server Its responsible for the reception of the emails based on their respective mail servers A DNS mail exchange MX record directs email to a mail server The MX record indicates how email messages should be routed in accordance with the Simple Mail Transfer Protocol SMTP the standard protocol for all email Like CNAME records an MX record must always point to another domain TXT Record The TXT Domain Record provides information regarding your server datacenter or a network in a userreadable format For instance you can verify the ownership of a domain using the TXT resource record You can create SPF DK DKIM text records For example enter vspf1 mx all to make sure that all emails are sent from this server and no other server are authorized Select TXT record type from the dropdown list Enter your hostname ex mailabcdefcom Enter TTL Seconds The recommended TTL for A records is 14400 seconds This means that if an A record gets updated it takes 240 minutes 14400 seconds to take effect Enter the rule in the Text area Click on Submit button SRV Record SRV records specify the location hostname and port number of servers for specific services You can use service records to direct certain types of traffic to servers Select SRV record type from the dropdown list Enter your service name Enter Target value Enter the Priority value Enter the weight value Enter the port Click on Submit button Final Output Once you have successfully configured the abovementioned RecordTypes for your domain you will have a final output summary You can review and edit all the existing records Domain Records are the basic information elements of the domain name system Each record has a type name and number an expiration time time to live a class record type and typespecific datavalue Note Please refresh the page in case you fail to see the Domain summary Diagnostics Once you have filled all the required fields and updated the Nameserver information record your domain name should be up and supported in a few hours Go to the Diagnostics section to get a report of your domain Click the refresh button in case if the details are not updated You can confirm your hostname registration with E2E Networks Open command promptshell and run ping command Check the server IP Address and the response ping wwwabcdefffcom 64 bytes from 10153131214 icmpreq1 ttl60 time105 ms 64 bytes from 10153131214 icmpreq2 ttl60 time0450 ms Custom Reverse DNS Reverse DNS lookup is a DNS query for the domain name associated with a given IP address This accomplishes the opposite of the more commonly used forward DNS lookup in which the DNS system is queried to return an IP address How does reverse DNS work Reverse DNS lookups query DNS servers for a PTR pointer record if the server does not have a PTR record it cannot resolve a reverse lookup PTR records store IP addresses with their segments reversed and they append inaddrarpa to that For example if a domain has an IP address of 10001 the PTR record will store the domains information under 10010inaddrarpa Prerequisites A Custom reverse DNS record can only be set for an IP belonging to E2E Networks Nameserver information record of the domain should point to E2E DNS nameservers An A record should exist for the target Setup Reserve DNS Follow the steps mentioned to configure your reverse DNS records via the E2E Networks DNS server database Go to the Manage DNS page You have to click on the Add Reserve DNS button to create a reserve DNS record You will be redirected to the Manage Reserve DNS page You have to click on the Add Record button to create a reserve DNS record Enter the following information IPv4 Address E2E Network IP Select the public IP address from the dropdown list under the IP address section Domain Name Enter the exact domain name that you own or have bought Note The domain name should not have a www at the beginning After filling all the details successfully click on the Submit button On this page Introduction Setup DNS Records Enter the Domain Details Change nameservers for my domains Create your Domain Records A Record IPv4 AAAA Record IPv6 CNAME Record MX Record TXT Record SRV Record Final Output Diagnostics Custom Reverse DNS How does reverse DNS work Prerequisites Setup Reserve DNS Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Connecting Kubernetes cluster to E2E DBaaS E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Kubernetes Service Connecting Kubernetes cluster to E2E DBaaS Connecting Kubernetes cluster to E2E DBaaS This article will guide how to integrate kubernetes with DBaaS Using an external Database as a Service E2E DBaaS with Kubernetes offers several benefits This reduces the administrative burden on your Kubernetes team allowing them to focus on application development and deployment Using an E2E DBaaS with Kubernetes offers several benefits and advantages that can be compelling for various use cases High Availability E2E DBaaS especially provided as managed services often come with builtin high availability features This means your database can continue to operate even if a pod in your Kubernetes cluster fails This contributes to improved application uptime and reliability Scalability Kubernetes allows you to scale your application pods independently of the database When using an E2E DBaaS as an external database you can scale your application horizontally to meet increased demand without impacting the database performance This scalability is crucial for handling variable workloads Data Persistence Placing the database outside of the Kubernetes cluster offers a valuable advantage it ensures data persistence a fundamental requirement for safeguarding crucial application data Even in scenarios where your application pods are temporary and subject to rescheduling or replacement your data remains securely preserved within the external database In this article we have implemented this by using MySQL DB Engine Prerequisite Begin by provisioning a DBaaS instance using MySQL choosing the desired version that suits your project requirements This will serve as your managed database backend Create a Virtual Private Cloud VPC to establish network isolation Within this VPC you will connect your DBaaS and create your Kubernetes cluster Proper VPC configuration ensures network security and segmentation Deploy a Kubernetes cluster within the VPC youve created This cluster will be the foundation for orchestrating your application containers Step 1 Establishing the configuration for your Kubernetes cluster To allow kubernetes to connect with DBaaS we need to select Allowed Host IP as VPC CIDR Range and attach the VPC to DBaaS where kubernetes has deployed Step 2 Create a ConfigMap for Endpoint Configuration Create a ConfigMap that contains the endpoint information database host and port apiVersion v1 kind ConfigMap metadata name databaseconfig data DBHOST 101216211 Attached VPC IP address DBPORT 3306 Mysql Standard Database Port To create the ConfigMap please run the below mentioned command after successful creation of above mentioned file kubectl apply f databaseconfigmapyaml Step 3 Create a Secret for Username and Password Create a Secret file to securely store the DBaaS username and password in encoded format Please refer the screenshot below how to encode the DBaaS username and password Create a SecretKey file that contains the key information database username and password apiVersion v1 kind Secret metadata name externaldbcredentials type Opaque data MYSQLUSERNAME a3ViZWRiCg DBaaS Username in encoded format MYSQLROOTPASSWORD Y1gzVWpXRXRRejRmVDRTIQo DBaaS Password encoded format To create the SecretKey please run the below mentioned command after successful creation of above mentioned file kubectl apply f databasesecretyaml Step 4 Create a DB client Deployment apiVersion appsv1 kind Deployment metadata name mysqlclientdeployment spec replicas 1 selector matchLabels app mysqlclient template metadata labels app mysqlclient spec containers name mysqlclient image mariadb env name DBHOST valueFrom configMapKeyRef name databaseconfig key DBHOST name DBPORT valueFrom configMapKeyRef name databaseconfig key DBPORT name MYSQLUSERNAME valueFrom secretKeyRef name externaldbcredentials key MYSQLUSERNAME name MYSQLROOTPASSWORD valueFrom secretKeyRef name externaldbcredentials key MYSQLROOTPASSWORD Check the DB Client Pod Status To check the Pod status please run the below mntioned command kubectl get pods To check the connectivity from the Pod to DBaaS Execute the below mentioned command into mysql pod shell kubectl exec it mysqlclientdeployment76dfb78bc9mmtzk binbash On this page Prerequisite Step 1 Establishing the configuration for your Kubernetes cluster Step 2 Create a ConfigMap for Endpoint Configuration Step 3 Create a Secret for Username and Password Step 4 Create a DB client Deployment To check the connectivity from the Pod to DBaaS Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Kubernetes E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Kubernetes Service Kubernetes Kubernetes Kubernetes is an opensource containerorchestration system for automating deployment scaling and management of containerized applications It has a large rapidly growing ecosystem and the services support and tools are widely available Kubernetes provides you with a framework to run distributed systems resiliently With the E2E Myaccount portal You can quickly launch the Kubernetes master worker nodes and get started working with your Kubernetes cluster in a minute Getting Started How to Launch Kubernetes Service from Myaccount portal Login into MyAccount Please go to MyAccount and log in using your credentials set up at the time of creating and activating the E2E Networks MyAccount Navigate to Kubernetes Service create page After you log in to the E2E Networks MyAccount you can click on the following options On the left side of the MyAccount dashboard click on the Kubernetes submenu available under the Compute section Create Kubernetes Service On the top right section of the kubernetes service dashboard You need to click on the Create kubernetes icon which will prompt you to the cluster page where you will be selecting the configuration and entering the details of your database Kubernetes Configuration and Settings After click on Create Kubernetes you have to click on Add Plan and You need to select the required configuration and setting for your kubernetes which are mentioned below Add Worker Node Pool You can select Static Pool or AutoScale Pool Static Pool Add another Node Pool if you want to add another node pool just click on Add Another Node Pool button AutoScale Pool In AutoScale Pool You have to select worker scaling policy Elastic Policy The Elastic Policy allows you to choose between two scaling policies Default or Custom If you choose Default the scaling will be based on CPU or Memory utilization If you choose Custom you can specify a custom attribute that will be used to determine the scaling Default In Default policy parameter type you can select two types of policy parameter CPU This policy scales the number of resources based on the CPU utilization When the CPU utilization reaches a certain threshold the number of resources will be increased according to the policy which you have set When the CPU utilization decreases the number of resources will be decreased MEMORY This policy scales the number of resources based on the MEMORY utilization When the MEMORY utilization reaches a certain threshold the number of resources will be increased according to the policy which you have set When the MEMORY utilization decreases the number of resources will be decreased Custom Once an autoscaling configuration is created with custom parameters youll receive a CURL command for updating the custom parameter value This command can be used within scripts hooks cron jobs and similar actions When the value of this custom parameter reaches a specific threshold the number of resources will increase Conversely when the value decreases the number of resources will decrease Note Please note that the default value of the custom parameter is set to 0 Manage Custom policy The custom policy feature in Kubernetes Autoscale Pool enables you to define your custom attribute The autoscaling service utilizes this attribute to make scaling decisions After setting this custom attribute you can scaledownscale your node pool nodes Once the Kubernetes cluster is launched you will be given curl from where you can update this custom attribute according to your use case Policy Parameter Name The Policy Parameter Name field is where you enter the name of the custom attribute you want to use to monitor your service This attribute can be any name that you choose but it is helpful to use names that are descriptive of the aspect of your service that you are monitoring For example you could use NETTX for Network traffic DISKWRIOPS for disk write operations etc Node utilization section Specify the values that will trigger a scaleup increase in cardinality or scaledown decrease in cardinality operation based on your preferences Scaling Period Policy You need to define the watch period duration of each period and cooldown period How to get a CURL You can obtain a curl command by clicking on Get Curl Note After you complete filling the fields click the create cluster button When the cluster is up and running youll get a curl command Use this command in Postman inputting your API Key and token Then in the Postmans body section modify the value of the custom parameter How to change custom parameter value in a CURL through CLI When you receive a curl command paste it into the terminal along with your API Key Bearer token and set the value of the custom parameter as you prefer Scheduled Policy Auto scale pool schedule policy is a feature that allows you to define a predetermined schedule for automatically adjusting the capacity of your resources A scheduled autoscaling policy is a type of scaling policy that allows you to scale your resources based on a defined schedule For example you may use a scheduled autoscaling policy to increase the number of instances in your service during peak traffic hours and then decrease the number of instances during offpeak hours Recurrence Recurrence refers to the ability to schedule scaling actions to occur on a recurring basis This can be useful for applications that experience predictable traffic patterns such as a website that receives more traffic on weekends or a web application that receives more traffic during peak business hours Upscale and downscale recurrence in auto scale pool refers to the process of increasing and decreasing the number of resources in a kubernetes respectively This can be done on a recurring basis such as every day week or month Upscale recurrence You can specify the cardinality of nodes at a specific time by adjusting the field in the cron settings Ensure that the value is lower than the maximum number of nodes you had previously set Downscale recurrence You can specify the cardinality of nodes at a specific time by adjusting the field in the cron settings Ensure that the value is greater than the maximum number of nodes you had previously set Now if you want to choose scheduled policy as your choice of option then select Schedule Policy in place of Elastic Policy and then set the upscale and downscale recurrence and click on Create Scale button Elastic and Scheduled Policy If the user desires to create a kubernetes service using both options they can choose the Elastic and Scheduled Policy option configure the parameters and proceed with creating the cluster service Add another node pool To add another node pool click on Add Another Node Pool button Network Use VPC In the List Type you can select the VPC Deploy Kubernetes After filling all the details successfully click on the Create Cluster button It will take a few minutes to set up the scale group and you will take to the Kubernetes Service page Kubernetes Service Cluster Details You will be able to check all the basic details of your kubernetes You can Check the kubernetes name and kubernetes version details How To Download Kubeconfigyaml File After Downloading the Kube config Please make sure kubectl is installed on your system To install kubectl follow this doc httpskubernetesiodocstaskstools Run kubectl kubeconfigdownloadfilename proxy Open the below URL in the browser httplocalhost8001apiv1namespaceskubernetesdashboardserviceshttpskubernetesdashboardproxy Copy the kubeconfig token in below option And paste Kubeconfig Token to access Kubernetes dashboard Node Pool The Node Pool Details tab provides information about the Worker nodes Users also Add Edit Resize and delete the worker node To Add node pool To add node pool click on Add node icon After clicking on the icon you can add node pool by clicking Add node pool btton To Edit node pool To Resize node pool Users can also resize the worker nodes pool Click on resize button To Delete node pool Persistent VolumePVC To check PVC run below command Create Persistent Volume On the top right section of the manage persistent volume You need to click on the Add persistent volume Button which will prompt you to the Add persistent volume page where you will click the create button Delete Persistent Volume To delete your persistent volume click on delete option Please note that once you have deleted your persistent volume you will not be able to recover your data Dynamic Persistent VolumePVC Note The sizes we show over UI and also the bill are calculated in GB however in creation the size used by K8s is in GiBDecreasing the size of an existing volume is not possible The KubernetesAPI doesnt even allow it Dynamic volume provisioning allows storage volumes to be created ondemand Note To create dynamic PersistentVolumeClaim alteast one PersistentVolume should be create in your kubernetes cluster from myaccout kubernetes PersistentVolumne section CREATE A STORAGE CLASS To enable dynamic provisioning a cluster administrator needs to precreate one or more StorageClass objects for users StorageClass objects define which provisioner should be used and what parameters should be passed to that provisioner when dynamic provisioning is invoked The following manifest creates a storage class csirbdsc which provisions standard disklike persistent disks cat EOF csirbdscyaml apiVersion storagek8siov1 kind StorageClass metadata name csirbdsc provisioner rbdcsicephcom parameters clusterID 4335747c13e411eda27eb49691c56840 pool k8spv imageFeatures layering csistoragek8sioprovisionersecretname csirbdsecret csistoragek8sioprovisionersecretnamespace default csistoragek8siocontrollerexpandsecretname csirbdsecret csistoragek8siocontrollerexpandsecretnamespace default csistoragek8sionodestagesecretname csirbdsecret csistoragek8sionodestagesecretnamespace default reclaimPolicy Delete allowVolumeExpansion true mountOptions discard EOF kubectl apply f csirbdscyaml CREATE A PERSISTENT VOLUME CLAIM Users request dynamically provisioned storage by including a storage class in their PersistentVolumeClaim To select the csirbdsc storage class for example a user would create the following PersistentVolumeClaim cat EOF pvcyaml apiVersion v1 kind PersistentVolumeClaim metadata name rbdpvc spec accessModes ReadWriteOnce volumeMode Filesystem resources requests storage 4Gi storageClassName csirbdsc EOF kubectl apply f pvcyaml This claim results in an SSDlike Persistent Disk being automatically provisioned When the claim is deleted the volume is destroyed Public IPv4 Address A public IP address is an IPv4 address thats reachable from the Internet You can use public addresses for communication between your Kubernetes and the Internet You can reserve the default assigned public IP for your account until you do not release it If you want to allocate public IP addresses for your Kubernets this can be used by using type loadbalancer Private IPv4 Address A private IPv4 address is an IP address thats not reachable over the Internet You can use private IPv4 addresses for communication between instances in the same VPC When you launch an E2E Kubernetes we allocate a private IPv4 address for your Kubernetes LoadBalancer We have a native integration of the baremetal Load Balancer MetalLB in our Kubernetes Appliance MetalLB hooks into our Kubernetes cluster and provides a network loadbalancer implementation It has two features that work together to provide this service address allocation and external announcement With Metallb you can expose the service on a loadbalanced IP ExternalService IP which will float across the Kubernetes nodes in case some node fails and this is where it differs from a simple External IP assignment As long as you ensure that the network traffic is routed to one of the Kubernetes nodes on this loadbalanced IP your service should be accessible from the outside We have to provide pools of IP addresses that MetalLB will use for allocation and for that part we allow users the option of Service IP With Service IP customers can reserve IPs which will be used to configure pools of IP addresses automatically in the Kubernetes cluster MetalLB will take care of assigning and unassigning individual addresses as services come and go but it will only ever hand out IPs that are part of its configured pools Monitoring Graphs Monitoring of server health is a free service that provides insights into resource usage across your infrastructure There are several different display metrics to help you track the operational health of your infrastructure Select the worker node for which you want to check the metrics Click on the Monitoring tab to check the CPU Performance Disk Read Write operation and Network Traffic Statistics Alerts Setup Monitoring Alert for Worker Node Go to the Alerts tab and click on Create Alert button and if you want configure email then you have to click on Configure Email button Actions You can perform the following actions available for the respective cluster Add Node Pool You can add your Kubernetes current plan to a higher plan for this you need to click on the Add node pool button Default CUSTOM Delete Kubernetes Click on the Delete button to delete your kubernetes Termination of a kubernetes will delete all the data on it Create a Secret For Container Registery Secrets A Secret is an object that contains a small amount of sensitive data such as a password a token or a key Such information might otherwise be put in a Pod specification or in a container image Using a Secret means that you dont need to include confidential data in your application code Create Secrets kubectl create secret dockerregistry namesecrets dockerusernameusername dockerpasswordpass1234 dockerserverregistrye2enetworksnet Create a Pod that uses container registry Secret cat privateregpodexampleyaml EOF apiVersion v1 kind Pod metadata name nodehello spec containers name nodehellocontainer image registrye2enetworksnetvipinreponodehellosha256bd333665069e66b11dbb76444ac114a1e0a65ace459684a5616c0429aa4bf519 imagePullSecrets name namesecrets EOF On this page Getting Started How to Launch Kubernetes Service from Myaccount portal Login into MyAccount Navigate to Kubernetes Service create page Create Kubernetes Service Kubernetes Configuration and Settings Add Worker Node Pool Add another Node Pool Elastic Policy Manage Custom policy Scheduled Policy Elastic and Scheduled Policy Add another node pool Network Deploy Kubernetes Kubernetes Service Cluster Details How To Download Kubeconfigyaml File Node Pool Persistent VolumePVC Dynamic Persistent VolumePVC Public IPv4 Address Private IPv4 Address LoadBalancer Monitoring Graphs Alerts Setup Monitoring Alert for Worker Node Actions Add Node Pool Delete Kubernetes Create a Secret For Container Registery Secrets Create Secrets Create a Pod that uses container registry Secret Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Compliance Documents Certificates E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Billing and Payment Information Compliance Documents Certificates Compliance Documents Certificates Introduction You may be aware that the Government of India vide Finance Act 2021 has introduced a new section 206AB Applicable from 1st July 2021 wherein a buyerService recipient is responsible to deduct TDS at a higher rate ie twice the existing applicable rate or 5 whichever is higher from the seller service provider who 1 has not filed the returns of income for two assessment years immediately prior to the previous year in which tax is required to be deducted for which the time limit of filing return of income under subsection 1 of Section 139 of the Act has expired and 2 The aggregate of tax deducted at source and tax collected at source in his case is INR 50000 or more in each of these two previous years In order to comply with the above provision we hereby declare that we have already filed the returns of income for the previous assessment years and provision of section 206AB will not be applicable on us We request you to deduct normal TDS from payments made to us The Declaration under section 206AB and ITR acknowledgment of previous two years can be checked by following the below steps Login to MyAccount via your registered E2E Customer login Credentials You will be directed to the Dashboard page Click on the Documents menu from the left panel menu You will be directed to the Compliance Documents Certificates page Click on the Download button to download the Declaration under section 206AB and ITR acknowledgment of previous two years Click on the Download button to download the ISO 9001 and ISO 27001 Certificates Please contact us at fintdse2enetworkscom if you have any queries On this page Introduction Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
2 CertManager E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Kubernetes Service 2 CertManager 2 CertManager Certmanager is a Kubernetes controller which means that it is a piece of software that runs in your Kubernetes cluster and watches for certain events In the case of certmanager it watches for events related to certificates When it sees an event that it is interested in it takes action to manage the certificate For example if certmanager sees that a certificate is about to expire it will automatically renew the certificate Or if certmanager sees that a certificate is no longer needed it will automatically delete the certificate Certmanager is a powerful tool that can help you to simplify the management of TLS certificates in Kubernetes It can help you to avoid outages caused by expired certificates and it can help you to improve the security of your applications Here are some of the benefits of using certmanager Automates the management of TLS certificates Certmanager automates the process of obtaining renewing and using TLS certificates This can save you time and effort and it can help to prevent errors Supports a variety of certificate issuers Certmanager supports a variety of certificate issuers including Lets Encrypt HashiCorp Vault and Venafi This gives you flexibility in choosing the certificate issuer that best meets your needs Ensures certificates are valid and uptodate Certmanager ensures that certificates are valid and uptodate This helps to prevent outages caused by expired certificates Can be used with a variety of Kubernetes workloads Certmanager can be used with a variety of Kubernetes workloads including Ingress controllers services and pods This makes it a versatile tool that can be used to secure a wide range of applications If you are looking for a way to simplify the management of TLS certificates in Kubernetes then certmanager is a good option to consider It is a powerful and flexible tool that can help you to improve the security of your applications Please make sure to visit the CertManager official documentation page to study more Getting started after deploying certmanager Please refer to this document to connect your kubernetes cluster httpsdocse2enetworkscomkuberneteskuberneteshtmlhowtodownloadkubeconfigyamlfile Once you have set up your cluster using kubectl proceed with executing the following commands helm repo add jetstack httpschartsjetstackio helm repo update How to confirm that CertManager is running helm ls n certmanager Next verify if Certmanager pods are up and running kubectl get pods n certmanager Tweaking Helm Chart Values The certmanager stack provides some custom values to start with Please have a look at the values file from the main GitHub repository explanations are provided inside where necessary You can always inspect all the available options as well as the default values for the certmanager Helm chart by running below command helm show values jetstackcertmanager version 1120 After tweaking the Helm values file valuesyml according to your needs you can always apply the changes via helm upgrade command as shown below helm upgrade certmanager jetstackcertmanager version 1120 namespace certmanager values valuesyml Configuring TLS certificates via Certmanager CertManager expects some typical CRDs to be created in order to operate You start by creating a certificate Issuer CRD Next the Issuer CRD will try to fetch a valid TLS certificate for your Ingress Controller eg Nginx from a known authority such as Lets Encrypt To accomplish this task the Issuer is using the HTTP01 challenge it also knows how to perform DNS01 challenges as well for wildcard certificates Next a Certificate CRD is needed to store the actual certificate The Certificate CRD doesnt work alone and needs a reference to an Issuer CRD to be able to fetch the real certificate from the CA Certificate Authority Typical Issuer manifest looks like below explanations for each relevant field is provided inline apiVersion certmanageriov1 kind Issuer metadata name letsencryptnginx namespace backend spec ACME issuer configuration email the email address to be associated with the ACME account make sure its a valid one server the URL used to access the ACME servers directory endpoint privateKeySecretRef Kubernetes Secret to store the automatically generated ACME account private key acme email YOURVALIDEMAILADDRESSHERE server httpsacmev02apiletsencryptorgdirectory privateKeySecretRef name letsencryptnginxprivatekey solvers Use the HTTP01 challenge provider http01 ingress class nginx Next you need to configure each Nginx ingress resource to use TLS termination Typical manifest looks like below apiVersion networkingk8siov1 kind Ingress metadata name ingressecho namespace backend annotations certmanagerioissuer letsencryptnginx spec tls hosts echomydomainorg secretName letsencryptnginx rules host echomydomainorg Explanation for the above configuration certmanagerioissuer Annotation that takes advantage of certmanager ingressshim to create the certificate resource on your behalf spectlshosts List of hosts included in the TLS certificate spectlssecretName Name of the secret used to terminate TLS traffic on port 443 Notice that the Nginx Ingress Controller is able to generate the Certificate CRD automatically via a special annotation certmanagerioissuer This saves work and time because you dont have to create and maintain a separate manifest for certificates as well only the Issuer manifest is required For other ingresses you may need to provide the Certificate CRD as well Upgrading Certmanager Stack You can check what versions are available to upgrade by navigating to the certmanager official releases page from GitHub Alternatively you can also use ArtifactHUB which provides a more rich and user friendly interface helm upgrade certmanager jetstackcertmanager version CERTMANAGERNEWVERSION namespace certmanager values YOURHELMVALUESFILE Please make sure you replace CERTMANAGERNEWVERSION with the version of your choice and YOURHELMVALUESFILE with the file name you want to upgrade See helm upgrade for command documentation Also please make sure to check the official recommendations for various upgrade paths from an existing release to a new major version of certmanager Uninstalling Certmanager Stack helm uninstall certmanager n certmanager Note The above command will delete all the kubernetes resources installed by certmanager helm chart except the namespace To delete the namespace you have to run the following command kubectl delete ns certmanager On this page Getting started after deploying certmanager Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Deploy Model Endpoint for Codellama7b E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Tutorials Deploy Model Endpoint for Codellama7b Deploy Model Endpoint for Codellama7b In this tutorial we will create a model endpoint for Codellama7b model The tutorial will mainly focus on the following Model Endpoint creation for Codellama7b using prebuilt container Model Endpoint creation for Codellama7b with custom model weights Brief description about the Supported parameters Model Endpoint creation for Codellama7b using prebuilt container When a model endpoint is created in TIR dashboard in the background a model server is launched to serve the inference requests TIR platform supports a variety of model formats through prebuit containers eg pytorch triton llma mpt etc For the scope of this tutorial we will use prebuilt container Codellama7b for the model endpoint but you may choose to create your own custom container by following this tutorial In most cases the prebuilt container would work for your use case The advantage is you wont have to worry about building an API handler API handler will be automatically created for you Steps to create inference endpoint for Codellama7b model Step 1 Create a Model Endpoint Go to TIR Dashboard Choose a project Go to Model Endpoints section Create a new Endpoint Choose Codellama7b model card Pick a suitable CPUGPU plan of your choice set the replicas disk sizeCPU plans might take more time If you wish to load your custom model weights finetuned or not select the appropriate model ie the EOS bucket containing your weights See Creating Model Endpoint with custom model weights section below If not you can skip the model details proceed further Complete the endpoint creation Model creation might take few minutes you can always see logs in log section Step 2 Generate your APITOKEN The model endpoint API requires a valid auth token which youll need to perform further steps So lets generate one Go to API Tokens section under the project Create a new API Token by clicking on the Create Token button on the top right corner You can also use an existing token if already created Once created youll be able to see the list of API Tokens containing the API Key and Auth Token You will need this Auth Token in the next step Step 3 Inferring Request When your endpoint is ready visit the Sample API request section to test your endpoint using curl Creating Model endpoint with custom model weights To create Inference against Codellama7b model with custom model weights we will Download Codellama7b model from huggingface Upload the model to Model Bucket EOS Create an inference endpoint model endpoint in TIR to serve API requests Step 1 Define a model in TIR Dashboard Before we proceed with downloading or finetuning optional the model weights let us first define a model in TIR dashboard Go to TIR Dashboard Choose a project Go to Model section Click on Create Model Enter a model name of your choosing eg tirmodel34 Select Model Type as Custom Click on CREATE You will now see details of EOS E2E Object Storage bucket created for this model EOS Provides a S3 compatible API to upload or download content We will be using MinIO CLI in this tutorial Copy the Setup Host command from Setup Minio CLI tab to a notepad or leave it in the clipboard We will soon use it to setup MinIO CLI Note In case you forget to copy the setup host command for MinIO CLI dont worry You can always go back to model details and get it again Step 2 Start a new Notebook To work with the model weights we will need to first download them to a local machine or a notebook instance In TIR Dashboard Go to Notebooks Launch a new Notebook with Transformers Image and a hardware plan eg A10080 We recommend a GPU plan if you plan to test or finetune the model Click on the Notebook name or Launch Notebook option to start jupyter labs environment In the jupyter labs Click New Launcher and Select Terminal Now paste and run the command for setting up MinIO CLI Host from Step 1 If the command works you will have mc cli ready for uploading our model Step 3 Download the Codellama7b model from notebook Now our EOS bucket will store the model weights Let us download the weights from Hugging face Start a new notebook untitledipynb in jupyter labs Run the following commands in download the model The model will be downloaded by huggignface sdk in the HOMEcache folder from transformers import AutoTokenizer import transformers import torch model codellamaCodeLlama7bhf tokenizer AutoTokenizerfrompretrainedmodel pipeline transformerspipeline textgeneration modelmodel torchdtypetorchfloat16 devicemapauto tokenizertokenizer Note If you face any issues running above code in the notebook cell you may be missing required libraries This may happen if you did not launch the notebook with Transformers image In such situation you can install the required libraries below Let us run a simple inference to test the model prompt def factorialnum int sequences pipelineprompt dosampleTrue topk10 temperature01 topp095 numreturnsequences1 eostokenidtokenizereostokenid maxlength200 note All the supported parameters are listed in Supported Parameters supportedparameters Step 4 Upload the model to Model Bucket EOS Now that the model works as expected you can finetune it with your own data or choose to serve the model asis This tutorial assumes you are uploading the model asis to create inference endpoint In case you finetune the model you can follow similar steps to upload the model to EOS bucket go to the directory that has the huggingface model code cd HOMEcachehuggingfacehubmodelscodellamaCodeLlama7bhfsnapshots push the contents of the folder to EOS bucket Go to TIR Dashboard Models Select your model Copy the cp command from Setup MinIO CLI tab The copy command would look like this mc cp r MODELNAME codellama7bcodellama7bhf here we replace MODELNAME with to upload all contents of snapshots folder mc cp r codellama7bcodellama7bhf Note The model directory name may be a little different we assume it is modelscodellamaCodeLlama7bhf In case this command does not work list the directories in the below path to identify the model directory HOMEcachehuggingfacehub Step 5 Create an endpoint for our model With model weights uploaded to TIR Models EOS Bucket what remains is to just launch the endpoint and serve API requests Head back to the section on A guide on Model Endpoint creation above and follow the steps to create the endpoint for your model While creating the endpoint make sure you select the appropriate model in the model details subsection ie the EOS bucket containing your model weights If your model is not in the root directory of the bucket make sure to specify the path where the model is saved in the bucket Follow the steps below to find the Model path in the bucket Go to MyAccount Object Storage Find your Model bucket in this case codellama22ec1d click on its Objects tab If the modelindexjson file is present in the list of objects then your model is present in the root directory you need not give any Model Path Otherwise navigate to the folder and find the modelindexjson file copy its path and paste the same in the Model Path field You can click on Validate button to validate the existence of the model at the given path Step 6 Inferring Request Head back to the section on A guide on Model Endpoint creation above and follow the steps 3 to infer the endpoint You can pass the parameters in your request body listed below to control your output while running inference mentioned in step 3 Supported Parameters Parameters that control the length of the output maxlength int optional defaults to 20 The maximum length the generated tokens can have Corresponds to the length of the input prompt maxnewtokens Its effect is overridden by maxnewtokens if also set maxnewtokens int optional The maximum numbers of tokens to generate ignoring the number of tokens in the prompt minlength int optional defaults to 0 The minimum length of the sequence to be generated Corresponds to the length of the input prompt minnewtokens Its effect is overridden by minnewtokens if also set minnewtokens int optional The minimum numbers of tokens to generate ignoring the number of tokens in the prompt earlystopping bool or str optional defaults to False Controls the stopping condition for beambased methods like beamsearch It accepts the following values True where the generation stops as soon as there are numbeams complete candidates False where an heuristic is applied and the generation stops when is it very unlikely to find better candidates never where the beam search procedure only stops when there cannot be better candidates canonical beam search algorithm maxtime float optional The maximum amount of time you allow the computation to run for in seconds generation will still finish the current pass after allocated time has been passed Parameters that control the generation strategy used dosample bool optional defaults to False Whether or not to use sampling use greedy decoding otherwise numbeams int optional defaults to 1 Number of beams for beam search 1 means no beam search numbeamgroups int optional defaults to 1 Number of groups to divide numbeams into in order to ensure diversity among different groups of beams this paper for more details penaltyalpha float optional The values balance the model confidence and the degeneration penalty in contrastive search decoding usecache bool optional defaults to True Whether or not the model should use the past last keyvalues attentions if applicable to the model to speed up decoding Parameters for manipulation of the model output logits temperature float optional defaults to 10 The value used to modulate the next token probabilities topk int optional defaults to 50 The number of highest probability vocabulary tokens to keep for topkfiltering topp float optional defaults to 10 If set to float 1 only the smallest set of most probable tokens with probabilities that add up to topp or higher are kept for generation typicalp float optional defaults to 10 Local typicality measures how similar the conditional probability of predicting a target token next is to the expected conditional probability of predicting a random token next given the partial text already generated If set to float 1 the smallest set of the most locally typical tokens with probabilities that add up to typicalp or higher are kept for generation See this paper for more details epsiloncutoff float optional defaults to 00 If set to float strictly between 0 and 1 only tokens with a conditional probability greater than epsiloncutoff will be sampled In the paper suggested values range from 3e4 to 9e4 depending on the size of the model See Truncation Sampling as Language Model Desmoothing for more details etacutoff float optional defaults to 00 Eta sampling is a hybrid of locally typical sampling and epsilon sampling If set to float strictly between 0 and 1 a token is only considered if it is greater than either etacutoff or sqrtetacutoff expentropysoftmaxnexttokenlogits The latter term is intuitively the expected next token probability scaled by sqrtetacutoff In the paper suggested values range from 3e4 to 2e3 depending on the size of the model See Truncation Sampling as Language Model Desmoothing for more details diversitypenalty float optional defaults to 00 This value is subtracted from a beams score if it generates a token same as any beam from other group at a particular time Note that diversitypenalty is only effective if group beam search is enabled repetitionpenalty float optional defaults to 10 The parameter for repetition penalty 10 means no penalty See this paper for more details encoderrepetitionpenalty float optional defaults to 10 The paramater for encoderrepetitionpenalty An exponential penalty on sequences that are not in the original input 10 means no penalty lengthpenalty float optional defaults to 10 Exponential penalty to the length that is used with beambased generation It is applied as an exponent to the sequence length which in turn is used to divide the score of the sequence Since the score is the log likelihood of the sequence ie negative lengthpenalty 00 promotes longer sequences while lengthpenalty 00 encourages shorter sequences norepeatngramsize int optional defaults to 0 If set to int 0 all ngrams of that size can only occur once badwordsids ListListint optional List of list of token ids that are not allowed to be generated Check NoBadWordsLogitsProcessor for further documentation and examples forcewordsids ListListint or ListListListint optional List of token ids that must be generated If given a ListListint this is treated as a simple list of words that must be included the opposite to badwordsids If given ListListListint this triggers a disjunctive constraint where one can allow different forms of each word renormalizelogits bool optional defaults to False Whether to renormalize the logits after applying all the logits processors or warpers including the custom ones Its highly recommended to set this flag to True as the search algorithms suppose the score logits are normalized but some logit processors or warpers break the normalization constraints ListConstraint optional Custom constraints that can be added to the generation to ensure that the output will contain the use of certain tokens as defined by Constraint objects in the most sensible way possible forcedbostokenid int optional defaults to modelconfigforcedbostokenid The id of the token to force as the first generated token after the decoderstarttokenid Useful for multilingual models like mBART where the first generated token needs to be the target language token forcedeostokenid Unionint Listint optional defaults to modelconfigforcedeostokenid The id of the token to force as the last generated token when maxlength is reached Optionally use a list to set multiple endofsequence tokens removeinvalidvalues bool optional defaults to modelconfigremoveinvalidvalues Whether to remove possible nan and inf outputs of the model to prevent the generation method to crash Note that using removeinvalidvalues can slow down generation exponentialdecaylengthpenalty tupleint float optional This Tuple adds an exponentially increasing length penalty after a certain amount of tokens have been generated The tuple shall consist of startindex decayfactor where startindex indicates where penalty starts and decayfactor represents the factor of exponential decay suppresstokens Listint optional A list of tokens that will be suppressed at generation The SupressTokens logit processor will set their log probs to inf so that they are not sampled beginsuppresstokens Listint optional A list of tokens that will be suppressed at the beginning of the generation The SupressBeginTokens logit processor will set their log probs to inf so that they are not sampled forceddecoderids ListListint optional A list of pairs of integers which indicates a mapping from generation indices to token indices that will be forced before sampling For example 1 123 means the second generated token will always be a token of index 123 sequencebias DictTupleint float optional Dictionary that maps a sequence of tokens to its bias term Positive biases increase the odds of the sequence being selected while negative biases do the opposite Check SequenceBiasLogitsProcessor for further documentation and examples guidancescale float optional The guidance scale for classifier free guidance CFG CFG is enabled by setting guidancescale 1 Higher guidance scale encourages the model to generate samples that are more closely linked to the input prompt usually at the expense of poorer quality lowmemory bool optional Switch to sequential topk for contrastive search to reduce peak memory Used with contrastive search Parameters that define the output variables of generate numreturnsequences int optional defaults to 1 The number of independently computed returned sequences for each element in the batch outputattentions bool optional defaults to False Whether or not to return the attentions tensors of all attention layers See attentions under returned tensors for more details outputhiddenstates bool optional defaults to False Whether or not to return the hidden states of all layers See hiddenstates under returned tensors for more details outputscores bool optional defaults to False Whether or not to return the prediction scores See scores under returned tensors for more details returndictingenerate bool optional defaults to False Whether or not to return a ModelOutput instead of a plain tuple Special tokens that can be used at generation time padtokenid int optional The id of the padding token bostokenid int optional The id of the beginningofsequence token eostokenid Unionint Listint optional The id of the endofsequence token Optionally use a list to set multiple endofsequence tokens Generation parameters exclusive to encoderdecoder models encodernorepeatngramsize int optional defaults to 0 If set to int 0 all ngrams of that size that occur in the encoderinputids cannot occur in the decoderinputids decoderstarttokenid int optional If an encoderdecoder model starts decoding with a different token than bos the id of that token On this page Model Endpoint creation for Codellama7b using prebuilt container Creating Model endpoint with custom model weights Supported Parameters Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Welcome to E2E Abuse documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E Abuse documentation Welcome to E2E Abuse documentation E2E Networks platform team works around the clock to address complaints of abuse on our network We receive these complaints via feedback loops from security updates providers spam blacklisting services various industry contacts and mailing lists as well as from our clients Some of the types of abuses and the steps that can be taken to resolve the same are documented in the articles below Abuse Logs Abuse Attacks Spam Mails Introduction Phishing Complaint Introduction Copyright Complaint Introduction The following process is followed when we detect an abuse complaint regarding any serverservice you have taken from us We send out a warning email to the authorized contact as soon as we discover and ascertain the abuse issue The email contains the nature of the abuse and requests to check the issue at your end If there are any identifiable security vulnerabilities we will include the remedial measures as well We would ask you to respond to us with the corrective measures you have taken to address the issue For Abuse Complaints Since the outbound attack originates from your server In order to protect the network from attack We will suspend the Public and Private connectivity of your server as soon as the issue is reported For Phishing and Other Complaints If we do not get a response from your side in 2 hours and the issue is still persisting we would call the authorized contact on their given phone numbers to intimate the issue In lack of response for our phone call for another 2 hours It would be required by us to suspend the publicPrivate network of your machines to prevent malicious activities on our server You need to take action on the abuse complaint yourself by login to the server via console we would require written confirmation on the steps you have taken to stop the reported actions Please keep your authorized contact details updated to avoid any miscommunications by sending an email to cloudplatforme2enetworkscom whenever there is a change or an anomaly is discovered in contact details We understand getting an abuse ticket is a hassle but please remember that were doing our best to protect our network the Internet community and you Switching off your server is a last resort for us and we want to make sure everyone is on the same page to prevent us from getting to that last resort In case any of your server at E2E Networks is compromised Please note that during the entire process we request you to communicate and kindly take immediate action to fix the issue as the lack of response or resolution of the issue would be a contravention of IT Act 2000 and would lead to disabling of the public network Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Whatsapp notification feature on Payment reminder E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Billing and Payment Information Whatsapp notification feature on Payment reminder Whatsapp notification feature on Payment reminder Introduction We have added a feature of enabling whatsapp in General settings Using this feature If the users enable this feature then the users will get payment reminder notification on whatsapp If users infra credit is negative then a payment reminder is sent to the users Total three payment reminders are sent to the users The message template is like Goal of this feature The goal of this feature is to provide payment reminder notification to the customers on Whatsapp Case of this feature Case1 If the user will enable this feature then the user will get a reminder on Whatsapp otherwise the user will not get notification on Whatsapp Case2 If the user will disable the Whatsapp feature then Whatsapp notification will be stopped Note As of now Whatsapp feature is available only for payment reminder The process of using this feature is as follows Step1 Navigate to MyAccount url and login using credentials Step2 After login click on Setting button from side nav bar and then click on General settings button Step3 Click on checkbox of Enable whatsapp Notification Step4 Click on Save button Step5 After clicking on Save button Now the Whatsapp feature has been enabled and the page looks like this Step6 If users want to disable this feature then They have to uncheck the Enable whatsapp Notification and click on Save button After disabling the whatsapp feature users will not be able to get reminders on whatsapp On this page Introduction Goal of this feature Case of this feature The process of using this feature is as follows Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
MongoDB E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Database Management in E2E Networks MongoDB MongoDB What is MongoDB MongoDB is a popular opensource documentoriented NoSQL database management system It is designed to store and manage large volumes of data in a flexible and scalable manner MongoDB uses a flexible document data model which means that data is stored in JSONlike documents with dynamic schemas allowing for easy and efficient storage and retrieval of complex data structures Why use MongoDB There are four major reasons why MongoDB is used more often They are 1 Flexibility MongoDB uses documents that can contain subdocuments in complex hierarchies making it expressive and flexible MongoDB can map objects from any programming language ensuring easy implementation and maintenance 2 Flexible Query Model The user can selectively index some parts of each document or a query based on regular expressions ranges or attribute values and have as many properties per object as needed by the application layer 3 Native Aggregation Native aggregation allows users to extract and transform data from the database The data can either be loaded into a new format or exported to other data sources 4 Schemaless model Applications get the power and responsibility to interpret different properties found in a collections documents To configure PostgreSQL kindly click on the following link httpsdocse2enetworkscomdatabasedatabasehtml Start the mongo Shell and Connect to MongoDB Once you have downloaded the mongo shell you can use it to connect to your running MongoDB server To connect to your database node using Mongo shell Enter the following command at a command prompt on your local or client desktop to connect to a MongoDB database Example mongosh host host u User Name p authenticationDatabase Database Name After connection done with your MongoDB you should see output similar to the following On this page What is MongoDB Why use MongoDB Start the mongo Shell and Connect to MongoDB To connect to your database node using Mongo shell Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Install and Configure modevasive on CentOS E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks Install and Configure modevasive on CentOS Install and Configure modevasive on CentOS In this Documentation we will guide you through the installation and configuration process of modevasive on CentOS Modevasive is an Apache module designed to proactively protect Apache servers from various types of attacks including brute force and DDoSDoS attacks Functioning as both a defensive tool and a detection mechanism modevasive collaborates with routers firewalls ipchains and more It reports server vulnerabilities or attacks via email and Syslog facilities Modevasive takes preventive action by restricting or blacklisting an IP address if it meets any of the following criteria Repeatedly requesting the same page within a predefined time frame Initiating requests while the IP is temporarily blacklisted Generating multiple concurrent requests on the same child within a second Its essential to note that root access is required for the installation of modevasive on your server This tutorial will provide comprehensive instructions on configuring modevasive on your CentOS server Install modevasive on CentOS To install modevasive Apache on your CentOS server follow the below steps Make sure that the EPEL yum repository is available on the server The EPEL Extra Packages for Enterprise Linux is a free opensource communitybased repository project To check if the EPEL yum repository packages are available on your system run the following command rpm qa grep epel If it is not available on the server execute the following command to install and activate EPEL wget httpsdlfedoraprojectorgpubepelepelreleaselatest8noarchrpm rpm ivh epelreleaselatest8noarchrpm Run the following command to install the modevasive Apache module on your server yum install modevasive y Open the modevasive modules configuration file by using the following command to verify if the installation is successful cat etchttpdconfdmodevasiveconf If the configuration file opens up then the installation of the modevasive Apache module is successful Configure modevasive Open the modules configuration file cat etchttpdconfdmodevasiveconf To make sure that the module loads correctly add the following line in the modevasive configuration file LoadModule evasive20module modulesmodevasive24so Then you can see the default configuration value of modevasive on the file To make the changes reflect restart the httpd service by using the following command httpd M grep Ei evasive or etcinitdhttpd restart If the modevasive module loads correctly you can see the following output evasive24module shared MODEVASIVE Configuration Options The module has default configuration values set to it and you can customize or alter these values by opening the configuration file and make the changes to the options available There are different options in the modevasive configuration file that you can change to customize the configuration of your modevasive Apache module Some of the modevasive configuration options are vim etchttpdconfdmodevasiveconf 1 DOSHashTableSize The hash table size is the number of toplevel nodes for each childs hash table If you increase the value of the DOSHashTableSize then the module decreases the number of iterations required to get into the records and that offer faster performance But the modevasive consumes more memory if there is an increase in the hash table size The default value of the hash table size is 3097 so you are recommended to increase the value only if you have a busy web server DOSHashTableSize 3097 2 DOSSiteCount The DOSSiteCount option in the configuration file helps to set the threshold value for the total number of requests by the same client or listener to a particular object at a certain site interval If any of the client or listener exceeds the number of requests from the set threshold value then their IP gets added to the block list of your server DOSSiteCount 50 3 DOSPageCount The DOSPageCount is the threshold for the number of requests allowed to the same page or URI at a particular page interval If any of the IP request the same page more than the threshold value then that IP gets blacklisted or rejected in the server The default threshold value of DOSPageCount is 2 You can uncomment or edit the following line in the configuration file to set the threshold value DOSPageCount 2 4 DOSSiteInterval The value of the DOSSiteInterval option is the interval for the site count threshold The default value of the DOSSiteInterval is one second DOSSiteInterval 1 5 DOSPageInterval The value of the DOSPageInterval option is the interval for the page count threshold The default value of the DOSPageInterval is one second DOSPageInterval 1 6 DOSBlockingPeriod The DOSBlockPeriod option in the modevasive configuration file helps you to set the amount of time in seconds the clients IP gets blocked when added into the blocking list During this period all the subsequent actions and requests from the client throw a 403 Forbidden error and the timer of the IP block gets rested For example the default value of DOSBlockPeriod is 10 seconds so any action by the blocked IP during these 10 seconds reset the timer to another 10 seconds During the time of any attacks like DDoSDoS attack this timer keeps getting reset DOSBlockingPeriod 10 7 Email Alert In the modevasive Apache configuration file go to line number 48 in the configuration file and uncomment or edit the following line In the following line replace the Youyourdomaincom flag with your email id So in case of any DDoSDoS attack or if any IP gets blacklisted or rejected the system sends an alert to the mentioned email address automatically DOSEmailNotify Youyourdomaincom After tweaking the values in the modevasive configuration file restart the httpd service to reflect the changes Restart the httpd service by running the following command httpd M grep Ei evasive or etcinitdhttpd restart How to Whitelist a BLOCKED or REJECTED IP To whitelist the IPs that are blocked by modevasive do the following Open the modevasive configuration file Add the IPs that need to be whitelisted in the configuration file as follows DOSWhitelist IPaddress To whitelist a list of IPs add the following line DOSWhitelist 164520 After adding the IP in the configuration file restart the httpd service etcinitdhttpd restart Please comment below for any questions or queries If you are an InterServer customer please reach out to our support team for further help On this page Install modevasive on CentOS Configure modevasive MODEVASIVE Configuration Options 1 DOSHashTableSize 2 DOSSiteCount 3 DOSPageCount 4 DOSSiteInterval 5 DOSPageInterval 6 DOSBlockingPeriod 7 Email Alert How to Whitelist a BLOCKED or REJECTED IP Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Model Endpoints E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Model Endpoints Model Endpoints It is easy to deploy containers that serve model API TIR offers two methods to create an inference service API endpoint for your AI model Deploy using prebuilt TIR provided Containers Before you launch a service with prebuilt containers you must first create a TIR Model and upload model files to it The prebuilt containers are designed to autodownload the model files from EOS E2E Object Storage Bucket and launch the API server with them Once an endpoint is ready you can send synchronous request to the endpoint for inference Deploy using your own container You can provide a public or private docker image and launch an inference service with it Once endpoint is ready you can make synchronous requests to the endpoint for inference You may also choose to attach a tir model to your service to automate download of model files from EOS bucket to the container Prebuilt Containers TIR provides docker container images that you can run as prebuilt containers These containers provide inference servers HTTP that can serve inference requests with minimal configuration They are also capable of connecting with E2E Object Storage and downloading models on the containers at the startup This section lists deployment guides for all the integrated frameworks that TIR supports TorchServe Go through this complete guide for deploying a torchserve service NVIDIA Triton Go through this detailed guide to deploy a triton service LLAMA2 Go through this tutorial to deploy LLAMA v2 CodeLLMA Go through this tutorial to deploy CodeLLMA Service Stable Diffusion Go through this tutorial to deploy Stable Diffusion Inference Service Custom Containers Go through this detailed tutorial to building a custom images for model deployments Create Model Endpoints To create a Model Endppoint you have to click on Model Endpoints under Inference Click on CREATE ENDPOINT button Choose framework Model download then click on next Resource Details Machine Here you can select a machine type either GPU or CPU Replicas The number of replicas you specify in the input field below will always be ready and you will be charged continuously for themEnable Autoscaling Enable Autoscaling Here you have an option to enable Autoscaling Endpoint Details Endpoint Name Here you define the name of your end points then click on Next button Environment Variables Add Variable You can add variable by clicking ADD VARIABLE button After adding Variables To delete variable click on delete icon Click on FINISH button Click on CREATE button After successfully creating model endpoints you will see the following screen Overview In that overview tab you can see the Endpoint Details and Plan Details Logs In the log tab logs are generated and you can view them by clicking on the log tab Monitoring In the Monitoring tab you can choose between Hardware and Service as metric types Under Hardware youll find details like GPU Utilization GPU Memory Utilization GPU Temperature GPU Power Usage CPU Utilization and Memory Usage Auto Scaling In the Auto Scaling tab you can view the current number of replicas desired replicas and also have the option to disable autoscalingYou can increase the number of desired replicas Replica Management In the Replica Management tab you can handle the replicas Youll see the current replicas and you also have the option to delete them by clicking delete icon On this page Prebuilt Containers TorchServe NVIDIA Triton LLAMA2 CodeLLMA Stable Diffusion Custom Containers Create Model Endpoints Resource Details Endpoint Details Environment Variables Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Policy FAQ Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpPolicy FAQFrequently Asked Questions1 Do you charge for datatransfer No we currently dont charge for datatransfer to from your machine instances2 Do you offer managed services for server instances for free No All our cloud instances are selfmanaged by default We provide basic platform support with no hands to keyboard approach3 What is your SLA E2E Networks provides a 999 Uptime SLA Please refer to our SLA details here4 Where are your data centers located We have partnered with TierIII plus data centers like Netmagic5 What are the various facility certifications available at your datacenter location Our data center has the following certifications INFORMATION SECURITY MANAGEMENT SYSTEM ISOIEC 270012005 IT SERVICE MANAGEMENT SYSTEM ISOIEC 2000012011 QUALITY MANAGEMENT SYSTEM ISO 900120086 What is your policy on abuse We have a zerotolerance policy on abuse7 Do you allow to run gamingmining We do not allow to run any sort of games like Counter Strike Quake etc nor we allow to run any sort of mining such as cryptocurrencies andor anything similar8 Do you allow the use of your servers for downloading content available only in India Circumvention of geographical restrictions that violate content licensing using our servers is NOT allowed9 Does E2E provides Self Managed servers Yes E2E only offers Self Managed servers Self Managed servers are servers in which E2E does NOT provide any maintenance management and support These servers are managed entirely by the customers The only thing that E2E is responsible for is server and network uptime Customers with technological savvy team and experience consider selfmanaged servers10 Do you support AnonymizationPublic VPN access for anonymizationTor nodes Any use case that involves hiding the IP address of an end user using our servers is a prohibitedProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
Abuse Attacks E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E Abuse documentation Abuse Attacks Abuse Attacks What is a server compromise How to take steps to resolve it A server compromise is a situation where in you could have had unauthorized access to your server As a result of this suspicious processes may be running on your server andor compromise the integrity of your system How to troubleshoot and resolve it First you would need to determine the extent of the compromise by checking for suspicious processes by using the ps command If there are compromised processes running as root then you should assume this to be a root compromised system and build a new server and migrate The first thing to determine in starting to cleanup a server with malware is to do the following Check for suspicious processes and kill them and clean the files on those paths Turn off any services not being used Block all outbound connections from the server until malware issue is resolved alternatively turn off all services to prevent any outbound attacks Check for suspicious files in your web root and any suspicious cron entries Check for any recently modified files by using the find command A typical example would be to search for all files in the last 7 days using find command find name ph ctime 7 Check for filenames with unusual extensions Run any malware opensource scanner like maldet to scan the entire system to determine malware Check logs for ssh and webservers and any other custom service running on the server to determine how the malware attack happened This will assist further to help further secure the systems to prevent a further attack In general the following steps can be taken to improve the security of the system to prevent any attacks on the server Use ssh keys and disable ssh passwords to improve the security of the login process Run a periodic malware scanner like maldet to detect any anomalous files on the server Use a WAF like modsecurity or any alternate service like cloudflare with WAF to secure public websites Use a rootkit detection tool or a tripwire tool to detect any suspicious activity on the server Periodically ensure backups for the servers are taken Please note that this document is provided for the benefit of our customers and the community at large E2E Networks is not responsible for any inadvertent issues arising out of trying out any of the advise here or using by any of the tools In case any of your server at E2E Networks is compromised Please note that during the entire process we request you to communicate and kindly take immediate action to fix the issue as the lack of response or resolution of the issue would be a contravention of IT Act 2000 and would lead to disabling of the public network What is a malware attack How to take steps to resolve it Malware is a type of server compromise where malicious code is running on your server You could have malware uploaded through ssh if ssh password or key is compromised code injection or SQL injection uploaded through a website where it is not checked thoroughly or through any vulnerable services running on the server They could also The impact of malware on your server can result in outbound attacks occurring from your server run suspicious processes mining bitcoins send spam emails etc They could also be dormant and give a backdoor to an attacker to get into the server How to troubleshoot and resolve it First you would need to determine the extent of the compromise by checking for suspicious processes by using the ps command If there are compromised processes running as root then you should assume this to be a root compromised system and build a new server and migrate The first thing to determine in starting to cleanup a server with malware is to do the following Check for suspicious processes and kill them and clean the files on those paths Turn off any services not being used Block all outbound connections from the server until malware issue is resolved alternatively turn off all services to prevent any outbound attacks Check for suspicious files in your web root and any suspicious cron entries Check for any recently modified files by using the find command A typical example would be to search for all files in the last 7 days using find command find name ph ctime 7 Check for filenames with unusual extensions Run any malware opensource scanner like maldet to scan the entire system to determine malware Check logs for ssh and webservers and any other custom service running on the server to determine how the malware attack happened This will assist further to help further secure the systems to prevent a further attack In general the following steps can be taken to improve the security of the system to prevent any attacks on the server Use ssh keys and disable ssh passwords to improve the security of the login process Run a periodic malware scanner like maldet to detect any anomalous files on the server Use a WAF like modsecurity or any alternate service like cloudflare with WAF to secure public websites Use a rootkit detection tool or a tripwire tool to detect any suspicious activity on the server Periodically ensure backups for the servers are taken Please note that this document is provided for the benefit of our customers and the community at large E2E Networks is not responsible for any inadvertent issues arising out of trying out any of the advise here or using by any of the tools In case any of your server at E2E Networks is compromised Please note that during the entire process we request you to communicate and kindly take immediate action to fix the issue as the lack of response or resolution of the issue would be a contravention of IT Act 2000 and would lead to disabling of the public network Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Welcome to E2E Volume documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Storage Solutions Welcome to E2E Volume documentation Welcome to E2E Volume documentation Topics Introduction Getting Started Creating Volume Login to MyAccount Portal Navigate to Volume Add Volume Volume Configurations Volume Details Attaching Volume to your Node Enable Monitoring for your Volume Detaching Volume from your Node Create a Snapshot Upgrade Volume Delete a Volume Make your Block Storage volume available for use on Linux Make your Block Storage volume available for use on Windows Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2E Networks Container Registry Service E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Container Registry Service E2E Networks Container Registry Service The Container Registry section of the E2E Networks documentation is focused on providing users with guidance on using the Container Registry Service This section includes detailed information on how to effectively use the Container Registry with userfriendly interfaces for simplifying pull operations Key Topics For more detailed information on each aspect of the Container Registry service refer to follow sections in our documentation Overview of Container Registry Introduction to the service Getting Started Initial setup and configuration steps Managing Containers Instructions on container management and version control Pulling from the Registry Detailed process for pulling images Security and Access Guidelines on ensuring security and managing access controls As a next step head to this section On this page Key Topics Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Node Plans E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E Terraforms documentation Node Plans Node Plans Contents Linux Virtual Node CPU Intensive High Memory CPU Intensive 3rd Generation High Memory 3rd Generation Windows Virtual Node Windows 2016 Windows 2019 Windows 2022 GPU NVIDIA A 100 NVIDIA RTX 8000 NVIDIA T4 NVIDA V 100 NVIDIA A30 NVIDIA A40 Spot Instance NVIDIA A 100 vGPU NVIDIA A 100 Linux Smart Dedicated Compute Smart Dedicated Compute 3rd Generation Linux Smart Dedicated Compute Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Welcome to E2E GPU clouds documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E GPU Cloud Documentation Welcome to E2E GPU clouds documentation Welcome to E2E GPU clouds documentation Contents Introduction GPU Cloud Computing Nvidia Tesla V100 GPUs On Cloud Why Use a Tesla V100 GPU Tesla V100 GPUs On E2E Cloud Make the Most From Tesla V100 GPUs on Cloud Nvidia Tesla T4 GPUs On Cloud How T4 is advantageous for Inferencing Platform Video Transcoding Performance Using T4 Make the Most From Tesla T4 GPUs on E2E Cloud NVIDIA A40 NVIDIA A40 Architectural Innovations NVIDIA A40 USE CASES A40 GPUs On E2E Cloud NVIDIA A30 NVIDIA A30 Architectural Innovations NVIDIA A30 USE CASES NVIDIA A100 GPUs on Cloud Elastic Data centers NVIDIA Ampere Architectural Innovations NVIDIA A100 USE CASES A100 GPUs On E2E Cloud NVIDIA GPU CloudNGC with E2E Cloud Compute Prerequisites Launching an instance based on the NGC image Connect to your NGC instance Start with your NGC container NvidiaDocker To verify bridge between Container GPU What is NvidiaDocker How to verify docker container is able to access the GPU NVIDIA GPU Cloud NGC Container Registry Where NGC NVIDIA GPU Cloud Container images hosted List of NVIDIA GPU Cloud NGC Components How to Access NGC Software Catalog Accessing And Pulling A Container From NGC Registry Running A Container Which was Pulled from NGC Registry NVIDIA GPU Cloud NGC Catalog CLI Introduction How to run a Jupyter Notebook inside Tensorflow Container for Accelerated Machine Learning E2E GPU Wizard Launching an Instance based on Tensorflow container with Jupyternotebook Running How to run a Jupyter Notebook inside Pytorch Container for Accelerated Machine Learning E2E GPU Wizard How to Run FashionMNIST Dataset Image Recognition Pytorch Notebook Troubleshooting steps if notebook isnt accessible Why doesnt my notebook have a password NVIDIA PARABRICKS Introduction Why Use Nvidia Parabricks Installation Applications Example Tutorial Installing CUDA 8 on Ubuntu 16 Introduction Installation Steps Tutorial How to access Jupyter Lab using browser SSH Tunneling to Connect with JupyterLab SSH Tunneling with a Mac or Linux SSH Tunneling with Windows and Putty How to Leverage E2E Object StorageEOS for your TensorFlow Projects Introduction How Do I access Audio over Remote Desktop Introduction Windows Audio Service Windows Group Policy Windows RD Client In MacOS Testing Audio FAQs SessionissuewithNew windowsserver2019rdslicense Nvidia Grid Driver Installation CUDA Installation Manage GPU with E2E Actions Access Console Power Off Start Reboot Reinstall Save Image Convert to committed Node Enable Recovery Node Lock Node Delete Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Other Services on E2E Networks E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks Other Services on E2E Networks This section of our documentation covers a wide array of services and functionalities Its designed to provide users with essential information on various aspects such as license management user account operations SSL certificate procurement and specific configuration guidelines like CertbotPlugin Additionally it offers insights into using coupon codes understanding account statements and availing cloud platform support This section is also a resource for policy FAQs and other miscellaneous tools Key Areas Covered For detailed information on each topic visit the specific sections in our documentation License Management Guidelines for managing software licenses User Management Instructions on user account operations SSL Certificates Process for SSL certificate procurement CertbotPlugin Configuration Steps for setting up CertbotPlugin Coupon Code Redemption How to redeem and use coupon codes Account Statements Understanding and managing account statements Cloud Platform Support Support options for cloud platform users Policy FAQs Frequently asked questions about policies Myaccount FAQs Frequently asked questions on Myaccount Significant Policies Guidelines on some other significant policies Using Jitsi Meet Using Jitsi Meet on E2E Cloud Mod Evasive Using Modevasive on E2E Cloud Multisite using cPanel Softaculous Seamless installations using cPanel Softaculous Copying data from Linux to Windows using WinSCP How to copy data from Linux to Windows Migrate MySQL Database Between DBaaS Guide to migrating MySQL database between DBaaS Manage MySQL Guide to managing MySql On this page Key Areas Covered Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2Es MyAccount FAQs E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks E2Es MyAccount FAQs E2Es MyAccount FAQs General What is the uptime provided by E2E Networks E2E Networks makes every reasonable effort to make the Included Products and Services each available with at least 9999uptime Is it possible to customize cloud servers No we dont offer customized cloud servers What are the Web Hosting and Cloud Computing Control Panels that E2E Networks provide We provide cPanel in Linux and Plesk in windows which are more secure control panels currently in the market after carefully sorting and testing all available control panels While there may be a slight learning curve in switching to these panels but they can do everything that any other panel does How do you manage the failovers We will help you in making redundant architecture so that upgrade or scaling can be done without or very little downtime In case of a catastrophic failure we can replace the hardware in 4 hours Do you have DDoS protection on the network Yes we do have DDoS protection on our network What are external security measures taken at the DataCentre Following are the security measures taken at the DataCentre for the safety of data and servers Camera CCTV surveillance cameras Security Guards 247 onsite security presence Building Access Photo ID required Room Access Access card and biometric authentication How many regions do you support Currently we offer our services at DelhiNCR and Mumbai region selective services Virtual Compute Nodes Do I get a bill if my nodes and other services are in a powered OFF state Yes you will be charged for the poweredoff instances because the disk space CPU RAM and IP addresses are all dedicatedly reserved for your nodes and services Can I add additional IPs to the nodes Yes you can reserve the IPs from the myaccount portal How can I resize a Virtual Compute Node Open a support ticket with cloudplatforme2enetworkscom by emailing us Well schedule an upgrade at your convenience Would the IPv4 addresses assigned to my cloud instances change after rebooting the server Public and Private IPv4 addresses assigned to you will not change after rebooting a cloud instance Do I get root access to my node We enable you as a root user and will email share the root access credentials on your email I did not receive a welcome email I forgot my password Can you resend it Please use the support section inside your MyAccount to generate a support ticket for the Cloud Platform team and well reach out to you Can I reinstall the node with another OS You wont be able to reinstall the node with a different OS If you perform a reinstall operation it will boot up with the same OS If you need another server you can launch a new node from the myaccount portal Why didnt I receive a root password via Email I didnt use sshkeys Please use the help buttons inside the MyAccount to generate a support ticket for the Cloud Platform team and well reach out to you I no longer require an account can I deactivate archive my account Send us an email to cloudplatforme2enetworkscom via your accounts primary email to deactivate your account However youll continue to have access to your E2E Cloud Invoice Portal even after the account is deactivated since you may need access to invoicesaccount balance statements for tax purposes Do the servers have by default mirrored RAID setup Yes mirrored RAID10 or RAID1 setups are present on all servers to protect against failure of 1 disk at a time Can I make a replica of my existing node Yes you can take a snapshot by saving an image of an existing server and launch a new node in a new series plan Do you charge for Zabbix monitoring We dont charge for the monitoring tool it comes with the preinstalled image on your nodes GPU Which operating system do you support E2E Networks GPUs support CentOS Ubuntu OS and Windows 2016 Do I need a driver for GPUs E2E GPU Nodes are designed to jumpstart your GPU Computing with an optimized and Integrated software stack including TensorFlow GPU drivers and NVIDIA CUDA for various workloads What is needed to get Tensorflow working for Machine Learning You can easily get components to speed up your machine setup To quickly start with Tensorflow you can visit PreConfigured Resources What to do when GPUs stop working intermittently Try rebooting the server once You can contact us if the issue persists What E2Es GPU instances can do E2E Networks GPUs offer high performance and costeffective means for compute and graphicsintensive processing power E2E Networks Cloud GPUs can boost Artificial Intelligence Deep learning HPC other massively parallel workloads How many applications can I run at the same time E2E GPUs do not enforce any limit on the number of applications you can run at the same time What factors can affect the performance of GPUs Many factors may affect the performance of GPU instances such as bandwidth the complexity of workload size of the operations and other factors Always ensure that your workload infrastructure requirements match properly Underprovisioning or Overprovisioning will not help Load Balancer What protocols are supported by Load Balancer Appliance Currently the Load Balancer supports HTTP and HTTPS protocols TCP protocol support will be added in the future Which backend operating systems do a Load Balancer support Any backend server with operating systems currently supported by the E2E Networks Myaccount Cloud Platform can be added behind the Load Balancer Appliance Do Load Balancer support SSL termination Yes You will get a section to define your SSL certificate details on selecting HTTPS protocol Can I upgrade or downgrade my Load Balancer plan Yes you can upgrade or downgrade your Load Balancer plan by sending a request to cloudplatforme2enetworkscom with the details of the new plan required and our support team will assist you with the process Does Load Balancer SupportsHTTP2 Currently the HTTP2 support part is in the testing phase and expected to be available in our next release Is there any limit on the number of backend Servers No there is no limit on the number of backend servers and you can add as many backend servers as you like behind your Load Balancer Appliance Is IPv6 supported on Load Balancer Appliance No currently IPv6 is not supported on Load Balancer Appliance However its already in our roadmap and will be available in a future release Application Scaling Why do I need a saved image to set up Application Scaling Application Scaling handles automatic launch and termination of compute nodes in response to a configured scaling policy These nodes are typically responsible for serving your application workload Working with a saved image ensures that there is no manual intervention required when scaling or descaling This is also about separation concerns The scaling scheduler we call it a scaler is responsible for booting up a node and the application developers will need to take care of the launch activities of the target application Will I be charged for using the Application Scaling feature Application scaling is free to use However the compute nodes launched by scaler will be charged based on usage You can choose a compute plan for the group nodes while creating a scale group Why does the load balancer show backend connection failure The load balancer is capable of polling the backend nodes for a health check If you are seeing the error backend connection failure for a load balancer that is tied to a scale group then check if your application is being launched automatically when the node comes up We recommend using SystemD script or tools like a supervisor for launching applications automatically at node startup To debug you may just launch a node from your saved image and check if your application is listening on the target port Is the CPU Utilization a nodelevel metric Yes CPU Utilization metric that you see in the scaling policy rule is a node level utilization metric and not measured at scale group level Use of load balancer LB with scale groups ensures that this metric doesnt get skewed hence we recommend LB for all use cases We are adding more metrics in near future If you have a request please write to us at cloudsupporte2enetworkscom What is the cooldown period in the scale group A cooldown period is a time period that your application node needs to become productive after launch It could be anywhere between 120300 seconds A simple mechanism to calculate this would be Boot uptime Your application launch time Time is taken by LB to start redirecting requests to your node CDP Backup How does the backup at E2E Networks work We offer you CDP Continuous Data Protection backup plans which backup your entire server minus excluded directories as per a backup schedule Using CDP we take a snapshot of the entire filesystem onto the backup server in highly compressed CDP disk safe format When the CDP agent is run for the first time it does complete sync of the system Each new backup is incremental for the changes made to your server between the current backup and last backup thus speeding up the process and decreasing the load which occurs due to the backup process running on the server Is my server at E2E Networks automatically backed up You can easily provision a backup plan for your node from the MyAccount portal as we dont back up anything unless its subscribed from your end Can I maintain my backups on the machine itself We do not recommend you keep a backup on your node If your machine gets corrupted or destroyed due to any reason then these backups are lost This is worse than having no backups at all as it gives you a false sense of security and when there is a catastrophe from which data is recoverable it takes far more time to recover data than from a machine that is not used as a version control system But you have RAID10 or RAID1 on all your servers which means a mirrored copy of data is always present Then why do I still need a backup plan While mirrored RAID setups are present on all the servers and it can protect against failure of 1 disk at a time but it wont protect against the following scenarios Corruption of data due to a security compromise on the machine Accidental deletion or corruption of data by someone in your team with access to your primary data stores and database say via phpmyadmin A catastrophic hardware failure due to which two or more disks get damaged at the same time can make even a RAID10 unrecoverable It is the best possible practice to keep a CDP backup for data protection against any uncertainties How to configure the frequency of backups You can configure the schedule and frequency of backup via the MyAccount panel How to restore the backup You can initiate the restore process via the MyAccount panel Are there any particular dos and dont while running CDP Backups The CDP agent runs on each server you need to be backup if a scheduled backup doesnt run for any reason the backups fail and the support team at E2E is intimated about the same The database backup agent which is a part of the CDP agent requires full Administrative access to the database servers eg MS SQL MySQL and if you change the database administrative access without sharing it with E2E Networks via support ticket mentioning that this needs to be fixed on the backup process the database wont be backed up via CDP Backup plans In case we find that the CDP backup agent has been turned off by a customer repeatedly then we deprovision the backup plan Object Storage What are the usage limitations of EOS EOS is highly optimised for the most common scenarios Below are the limits that you may need to account for while designing your solution with EOS What is the web browser My Account upload size limit The upload size limit is 30 MB API Limit Click here to know API Restrictions Click here to know CLI Restrictions Click here to know DNS I have successfully changed my DNS records but the changes arent reflecting When you make changes to your DNS records it takes some time to propagate the changes How long does it take to refresh my DNS cache The DNS cache takes a certain amount of time to fully refresh We suggest you wait for 24 hours for the DNS to be refreshed according to the Time To LiveTTL Time to live TTL is used for DNS servers to reflect the changes after a certain period of time or number of iterations or time taken by the data before it should be discarded I have set up the TXT records in my DNS settings but my emails are landing in SPAM The 3email security standards SPF DKIM and DMARC hold a lot of importance implementing them correctly can help to reduce your emails landing in SPAM avoid sender fraud What are SPF Records Adding an SPF record to your zone file will eliminate spammers and bounce back to your domain Sender Policy Framework SPF records are public records on your website that authorize servers to send a mail with your domain details like mydomaincom SPF protocol will check the sending servers domain and help to make sure your emails are landing in the inbox from a legitimate source thus preventing the sender address forgery Domain Keys Identified Mail DKIM DomainKeys Identified Mail is a TXT record published in your Domain Name System DNS In DKIM there are public keys Known to everyone and private keyssecret which are mathematically linked to ensure a secured public communication channel With DKIM authentication each outgoing Simple Mail Transfer Protocol SMTP server needs the correct private key and prefix to verify and match a receiving server public DNS record Domainbased Message Authentication Reporting and Conformance DMARC DMARC was developed to limit emailbased abuse It works by enabling the sender to validate that their messages are protected with SPF andor DKIM If an email does not pass SPFDKIM authentication then DMARC policy applies instructions to reject or junk it with a report of PASS andor FAIL DMARC evaluation On this page General What is the uptime provided by E2E Networks Is it possible to customize cloud servers What are the Web Hosting and Cloud Computing Control Panels that E2E Networks provide How do you manage the failovers Do you have DDoS protection on the network What are external security measures taken at the DataCentre How many regions do you support Virtual Compute Nodes Do I get a bill if my nodes and other services are in a powered OFF state Can I add additional IPs to the nodes How can I resize a Virtual Compute Node Would the IPv4 addresses assigned to my cloud instances change after rebooting the server Do I get root access to my node I did not receive a welcome email I forgot my password Can you resend it Can I reinstall the node with another OS Why didnt I receive a root password via Email I didnt use sshkeys I no longer require an account can I deactivate archive my account Do the servers have by default mirrored RAID setup Can I make a replica of my existing node Do you charge for Zabbix monitoring GPU Which operating system do you support Do I need a driver for GPUs What is needed to get Tensorflow working for Machine Learning What to do when GPUs stop working intermittently What E2Es GPU instances can do How many applications can I run at the same time What factors can affect the performance of GPUs Load Balancer What protocols are supported by Load Balancer Appliance Which backend operating systems do a Load Balancer support Do Load Balancer support SSL termination Can I upgrade or downgrade my Load Balancer plan Does Load Balancer SupportsHTTP2 Is there any limit on the number of backend Servers Is IPv6 supported on Load Balancer Appliance Application Scaling Why do I need a saved image to set up Application Scaling Will I be charged for using the Application Scaling feature Why does the load balancer show backend connection failure Is the CPU Utilization a nodelevel metric What is the cooldown period in the scale group CDP Backup How does the backup at E2E Networks work Is my server at E2E Networks automatically backed up Can I maintain my backups on the machine itself But you have RAID10 or RAID1 on all your servers which means a mirrored copy of data is always present Then why do I still need a backup plan How to configure the frequency of backups How to restore the backup Are there any particular dos and dont while running CDP Backups Object Storage What are the usage limitations of EOS What is the web browser My Account upload size limit API Limit API Restrictions CLI Restrictions DNS I have successfully changed my DNS records but the changes arent reflecting How long does it take to refresh my DNS cache I have set up the TXT records in my DNS settings but my emails are landing in SPAM What are SPF Records Domain Keys Identified Mail DKIM Domainbased Message Authentication Reporting and Conformance DMARC Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
TIR AI PLATFORM Release Notes E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation TIR AI PLATFORM Release Notes TIR AI PLATFORM Release Notes Scheduled Run Release Update 29 Feb 2024 0430 PM We are thrilled to announce that we have implemented the Scheduled Run feature in run pipelineYou can set up a scheduled run for a specific date and time After that the designated pipeline will automatically run at the scheduled date and time For more info Click Here Model Playground Release Update 21 Feb 2024 0600 PM We are happy to share that we have introduced the Model Playground feature to the TIR AI Platform Right now we have launched three models available Llama213bchat Stable Diffusion 21 and Code Llama 13b The Model Playground is a service that makes it easy to use AI models through a single API It is an interactive and easytouse platform where you can pick a AI model adjust settings and see the outcomes Its designed for people who want to experiment with machine learning and AI models For more info Click Here Finetune jobs Mistral 7b model Release Update 15 Feb 2024 0530 PM We are excited to announce that we have introduced the new Mistral 7b model in our finetuning processWhen you set up finetuning you have the option to select the Mistral 7b model in the job model configuration For more info Click Here Fine Tuning Release Update 9 Feb 2024 0700 PM We are thrilled to announce that we have implemented the EOS dataset in the Fine Tuning feature When you are setting up finetuning you have the option to either attach a custom dataset or create a new one For more info Click Here Pipeline and Run Release Update 29 Jan 2024 0430 PM In the context of Artificial Intelligence AI a pipeline refers to a series of data processing steps or operations that are performed in sequence to achieve a specific AI task or goal An AI pipeline typically involves several stages each with a specific function and it is designed to process and transform input data into meaningful output For more info Click Here Container Release Update 23 Jan 2024 1130 PM We are thrilled to announce that we have updated the notebook user interface and we have changed the name of the notebook to Container For more info Click Here Notebook Release Update 27 Oct 2023 0330 PM We are thrilled to announce that in the notebook section we now provide a committed option for creating notebooks Before we only had an hourly option Now users can choose a plan that suits their needs For more info Click Here Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Model Repositories E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Model Repositories Model Repositories TIR Model Repositories are storage buckets to store model weights and config files A model may be backed by E2E Object Storage or a PVC storage in kubernetes The concept of model is loosely defined There is no hard structure framework or format that you must adhere to Rather you can think of a model as a simple directory hosted on either EOS or a disk This further opens up possibilities of versioning through directory structure You may define a subfolders like v1 v2 etc to track different model versions When you define a model in a project every team member has access to it This enables reuse and collaboration among team members So we recommend defining a TIR model to store use and share your model weights Uploading weights to TIR Models When you create a new model TIR automatically creates an EOS bucket as a storage house for your model weights and configuration fileseg tsconfig file in torchserve You can find the connection details to access EOS bucket Note If you have not used EOS E2E Object Storage before read here EOS offers a s3compatible API to upload or download content So you can use any s3compatible CLI like mc by Minio or s3cmd alike We recommend using Minio CLI mc In TIR Models Setups section you will find ready to use commands to configure the client and upload contents A typical command to setup the CLI would look like this Minio has a concept of alias which represents a connection profile We use the modelname as alias or connection profile mc config host add tirmodelname httpsobjectstoree2enetworksnet accesskey secretkey Once you setup the alias or connection profile you can start uploading content using a commands like these upload contents of savedmodel directory to llma7b23233 EOS Bucket mc cp r userjovyansavedmodel tirmodelnamellma7b23233 upload contents of savedmodel to llma7b23233bucketv1folder mc cp r userjovyansavedmodel tirmodelnamellma7b23233v1 Note We recommend uploading model weights and config files such that they can be easily downloaded and used by TIR notebooks or inference service pods For huggingface models the entire snapshot folder under cachehuggingfacehubmodelname needs to be uploaded to the model bucket When this is done correctly you will be able download the weights and configs on any inference service pod or TIR notebook and load the model with the AutoModelForCausalLMfrompretrained call Downloading weights from TIR models The model weights would be needed on the device whether you are finetuning or serving the inference requests through API To download the contents of TIR models manually code download contents of savedmodel directory to llma7b23233 EOS Bucket mc cp r tirmodelnamellma7b23233 userjovyandownloadmodel download contents of savedmodel to llma7b23233bucketv1folder mc cp r tirmodelnamellma7b23233v1 userjovyandownloadmodel Typical use cases for downloading content from TIR models Downloads to local device for finetuning You can install and use mc command to download the model files Downloads to TIR Notebook for finetuning or running inference tests You can use mc command provided in TIR notebook to download the model files Downloads to Inference Service Model Endpoints Once you attach model to an endpoint the model files will be automatically downloaded to the container How to create Model Repositories in TIR dashboard To create Model Repositories go to the Inference section select Model Repository and then click the CREATE REPOSITORY button To create Model Repository you have to select Model type like Pytorch or Triton or Custom After that select Storage Type New EOS Bucket or Existing EOS Bucket or External EOS Bucket then click on Create button 1 New EOS Bucket If you select storage type New EOS Bucket After clicking on Create button Configure EOS Bucket to upload model weights will appear on the next screen Using SDk In Using SDK tab you will get the command for install SDk and Run appropriate commands in python shell or jupyter notebook Using TIR Notebook Using CLI In Using CLI you will get the command to setup minio CLI In Using CLI you will get the command to setup s3cmd After successfully creation of Model Inference Model is shown in the list and we can see the Setup and Overview of the Model 2 Existing EOS Bucket If the user selects the Storage Type as Existing EOS Bucket then you have an options to select existing bucket After clicking on Create button Configure EOS Bucket to upload model weights will appear on the next screen Using SDk In Using SDK tab you will get the command for install SDk and Run appropriate commands in python shell or jupyter notebook Using TIR Notebook Using CLI In Using CLI you will get the command to setup minio CLI In Using CLI you will get the command to setup s3cmd After successfully creation of Model Inference Model is shown in the list and we can see the Setup and Overview of the Model 3 External EOS Bucket If you select Storage Type as External EOS Bucket you can use EOS bucket not owned by you to store model artifacts Bucket Name Access Key and Secret Key will be required for accessing the bucket to store model artifacts Please make sure that both Access Key secret and Secret Key are attached to the mentioned bucket After clicking on Create button Configure EOS Bucket to upload model weights will appear on the next screen Using SDk In Using SDK tab you will get the command for install SDk and Run appropriate commands in python shell or jupyter notebook Using TIR Notebook Using CLI In Using CLI you will get the command to setup minio CLI In Using CLI you will get the command to setup s3cmd After successfully creation of Model Inference Model is shown in the list and we can see the Setup and Overview of the Model Delete Model Repository To delete Model Repository select the particular model then click on delete icon After that a popup will open then click on delete button On this page Uploading weights to TIR Models Downloading weights from TIR models How to create Model Repositories in TIR dashboard Using SDk Using TIR Notebook Using CLI Using SDk Using TIR Notebook Using CLI Using SDk Using TIR Notebook Using CLI Delete Model Repository Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2E Networks Documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks Documentation Welcome to E2E Networks platform documentation E2E Networks Limited is Indias leading NSElisted AIfirst hyperscale cloud provider Here users will find detailed guides tutorials and troubleshooting tips covering a wide range of topics from CPU and GPU compute usage to TIR AI Platform Kubernetes services Terraform our ecosystem of cloud technologies our APIs and SDK storage solutions and about our DBaaS platform You will also find help on our Billing and Payment system security and our processes for handling abuse You will also find tutorials that help you get started with building applications in the AIML domain Finally you can also check out our release notes for latest features fixes and updates released on Myaccount Getting Started To get started head to Myaccount and follow the sign up process explained here Note that the process is slightly different for Indian individiuals Indian organizations and International organizations Click here to get started Our AIFirst Infrastructure E2E Networks advanced cloud GPUs offer developers unprecedented access to highperformance computing resources essential for tackling intensive tasks like machine learning deep learning and complex data analytics Our GPUs ranging from HGX 8xH100 A100 clusters L4OS T4 and others are integrated into E2Es cloud infrastructure and provide a highend platform to developers for AI inference and development Get started with our GPU nodes here TIR AI Platform TIR is a modern AI Development Platform designed to tackle the friction of training and serving large AI models TIR uses highly optimised GPU containers NGC preconfigured environments pytorch tensorflow triton automated API generation for model serving shared notebook storage and much more Learn more about TIR here On this page Getting Started Our AIFirst Infrastructure TIR AI Platform Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Bank eMandate E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Billing and Payment Information Bank eMandate Bank eMandate Introduction In the modern digital landscape convenience and efficiency are integral to excellent customer service Auto payment solutions such as Bank eMandate have been developed to streamline the payment process for both customers and businesses This document delves into the concept of Bank eMandate and its role in facilitating automated payments Understanding Bank eMandate A Bank eMandate short for electronic mandate is a formal authorization granted by a customer to a business or service provider This authorization allows the business to automatically deduct payments from the customers bank account at specified intervals The goal of this payment method is to simplify transactions and reduce the need for manual intervention thereby minimizing the risk of late payments Benefits of Bank eMandate for Auto Payments Convenience Customers are relieved from the burden of remembering payment deadlines and initiating transactions Bank eMandate ensures that payments are deducted automatically on predetermined dates Reduced Administrative Workload For businesses Bank eMandate eliminates the need to create invoices send reminders and manually process payments This streamlines administrative tasks allowing staff to concentrate on more critical activities Timely Payments The automated nature of Bank eMandate guarantees that payments are executed promptly on designated dates This certainty in receiving payments aids businesses in managing their cash flow Lower Error Rates Manual data entry can result in mistakes potentially leading to payment discrepancies and delays Bank eMandate mitigates these errors by automating the payment process Enhanced Financial Planning Both customers and businesses benefit from improved financial planning Customers can ensure that sufficient funds are available when payments are due and businesses can anticipate cash inflows more accurately Security Measures Bank eMandate systems often incorporate robust security protocols to safeguard sensitive financial information minimizing the risks of fraud and unauthorized access Functionality of Bank eMandate Authorization Customers provide consent and authorization to the business to initiate automated debits from their bank accounts This can be completed through a secure online platform or by signing a physical mandate form Bank Verification The business verifies the accuracy of the customers bank details to ensure proper account information Setting Payment Schedule In accordance with agreedupon terms the business schedules payment collections on specific dates These intervals could be monthly quarterly or annually depending on the service type Payment Execution On the scheduled dates the business triggers a payment request via a secure electronic system The specified amount is then automatically debited from the customers bank account Notification Customers often receive advance notifications before payments are processed These notifications serve as reminders and allow customers to ensure they have sufficient funds in their accounts Adding Bank eMandates Navigate to the Billing section and select Auto Pay Within the Auto Pay section locate and click on Add Bank eMandate After clicking Add Bank eMandate a popup window will appear to authenticate the eMandate Click Authenticate Choose your bank from the suggestions or the dropdown menu Select the NetBanking method Complete the details in the popup including Account Number IFSC Account Holder Name and Type of Bank Account Click Authenticate after filling in the information Upon authentication your Bank eMandate will be added to the list On this page Introduction Understanding Bank eMandate Benefits of Bank eMandate for Auto Payments Functionality of Bank eMandate Adding Bank eMandates Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Partners Ecosystem Explore Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpInnovate with our PartnersExplore and choose from a global network of connected partners Interested in becoming a E2E Networks Partner Join our Partner NetworkExploreConsultingEnablersTechnologyCloud MinisterConsultingCloud Minister provides comprehensive cloud solutions in sync with E2E networks to develop new experiences reduce IT expenditure enhance TCO for your business and streamline your future IT requirementsKey CapabiltiesDevOps Remote Monitoring Migration from AWS Azure GCP to E2E Cloud Data Migration Auto Scaling Process AutomationMieux TechnologiesConsultingMieux Technologies have wide experience in deploying and managing the Public cloud of E2E They have expertise in the Windows Operating system environment and helped several customers of E2E get a wow experience Key CapabiltiesWindows server support Migration VPN setup DR solution Database ManagementMindNervesConsultingThe Punebased 7yearold company with 170 teams of developers in various technology areas They focus on providing technologybased solutions digitalization and product development services for complex business problemsKey CapabiltiesB2B Application Management Solutions Cloud Solutions Manufacturing Solutions Technology SolutionsNetzary InfodynamicsConsultingNetzary Provides Managed IT services Technical Support and consultation They also offer development services on Python and DjangoKey CapabiltiesLinux server support migration VPN setup Django and Python Development 24 x 7 MonitoringSygitechConsultingSygitech is a strategic managed service partner having extensive experience with the E2E cloud platform provides cloud consultancy DevOps and support on all E2E cloud instances and appliances including C2 series M series D series and smart dedicated servers along with load balancer and autoscaling appliancesKey CapabiltiesLinux server support 247 Monitoring Migration Expertise in managing large workloadsSupportSagesConsultingLaunched as a Server Management Company in 2009 SupportSages evolved as a fullfledged Managed Service Provider over the years They now offer CloudOps DevOps and TechOps services tooKey CapabiltiesDevOps CloudOps TechOpsPi OneConsultingPi One is a Technology Consulting company with deep expertise in Business Consulting Managed Services and Technology Transformation On E2E we have capabilities to provide entire cloud solutions from cloud migration to managementKey CapabiltiesCloud Migration Cloud Monitoring Support Cloud Security Firewalls WAF Privacy solutions Virtualization AIOPs solutions SIEM servicesNifeConsultingWhether you are looking for Infrastructure as a service Iaas Platform as a Service Paas or Software as a Service Saas Nife provide comprehensive cloud solutions in sync with E2E networks to develop new experiences reduce IT expenditure enhance TCO for your business and streamline future your IT requirementsKey CapabiltiesSwitch to E2E Cloud with the help of Nife DevOps servicesFusion InformaticsConsultingFusion Informatics is a team of passionate technocrats who build digital applications for Startups Midsize and Enterprise companies by applying our technology business and industry expertise They engineer worldclass web mobile and cloud applications coupled with integrated digital technologies that drive business growthKey CapabiltiesThe Fusion Informatics team has a deep understanding of the core areas of Artificial Intelligence IoT Blockchain and Enterprise Mobility servicesProbe IndiaConsultingProbe India is a cloud computing company offering business consultancy and optimal solutions aimed at TCO reduction fast and quality computing high scalability reduced security risks and superior performanceKey CapabiltiesCloud servers Networking solutions Managed Services on Cloud and GPU serversSupport LobbyConsultingSupport lobby provides 247 outsourced Linux and Windows Server Management Cloud consultancy DevOps Support and Enterprise Application SupportKey CapabiltiescPanel support Plesk support cPanel to cPanel migrationPugmarksConsultingPugmarks is a Chandigarhbased company helping customers of E2E lookout for managed services on the E2E Cloud They have expertise in Linuxbased operating system environmentsKey CapabiltiesWindows and Linux servers support Managed Services Migration support 247 Management and monitoringDeeprootConsultingDeepRoot Linux is a seventeenyearold Free Software Business They build solutions that are quick to deploy and easy to manage Their wide array of service offerings enables organizations to use GNULinux effectively conveniently quickly and at an affordable costKey CapabiltiesEdtech domain expertsLogUsConsultingLogUs provides managed endtoend solutions encompassing the entire range of IT services Logus helps businesses to save on investment time and effort in defining IT requirementsKey CapabiltiesDevOps Application and Infra availabilityOpstreeConsultingOpstree Solutions is a highly specialized DevSecOps engineering company that specializes in making the application delivery lean nimble and highly productive through the best in breed Cloud DevOps platform and solutionsKey CapabiltiesDevSecOps Consulting Implementation Continuous Delivery Automation Containerization Microservices implementation Cloud build and migration DevSecOps Managed Services Cloud Cost OptimizationAstra Security SuiteConsultingAstra Security detects security loopholes in your public cloud infrastructure as well as applications such as website mobile app SaaS blockchain It also provides security assessments for firewalls and IoT applications with 1250 security testsKey CapabiltiesSecurity control check static and dynamic code analysis configuration tests server infrastructure testing DevOpsEmarson Infotech Pvt LtdConsultingEmarson India is a comprehensive enterprise networking solutions provider They provide a wide range of solutions including storage security and managed servicesKey CapabiltiesDedicated Firewall monitoring and managementBharat Bala FreelancerConsultingBharat is an expert in PHP Node JS and Python languages Bharat also can help in managing your web hosting servers like cPanel servers Bharat also has the experience to migrate your projects from AWS Azure GCP or onpremise to E2E Cloud with minimum or zero downtimeKey CapabiltiesDevelopment Linux server management cPanel server management MigrationsBinary NumbersEnablers Binary Numbers is a team of technology professionals who can help in product development payment gateway API integration and DevOps They can also help in SEO Content and social media marketingKey CapabiltiesWindows and Linux servers support cPanel support Managed Services and Migration supportServerdialEnablers Serverdial offers domain registration services and shared hosting servicesKey CapabiltiesDomains Shared Hosting VPSHocalwireEnablers Hocalwire offers worldclass CMS for the digital need of a dynamic content platform Their product tools allow for multidimensional growthKey CapabiltiesPremium Newsroom for Digital PublishersNirvaShareEnablers Share and collaborate files with your customers employees partners vendors etc with fine access control and security in place Key CapabiltiesA simplified secure Enterpriselevel file sharing solution on top of your existing object storage such as E2E Cloud object storage Easy integration with multiple identity providers like ActiveDirectory google workspace Okta etc Vembu BDRSuiteEnablers BDRSuite is a comprehensive backup and disaster recovery solution for Virtual machines It is the most costeffective and featurerich product making it ideal for the data protection needs of businesses of any sizeKey CapabiltiesAgentless VM Backup Changed Block Tracking CBT Centralized Management Instant Boot with Live Migration Granular Recovery ScaleOut Storage Automatic Verification Compression EncryptionCybernexaEnablers Cybernexa provides MultiFactor Authentication solutions to protect your servers network devices and applications against phishing and credentials theft Key CapabiltiesCybernexa aspires to establish a global norm of mobile authenticationa protection which secures users data and does not affect customer experienceIntelTechnologyIntel creates worldchanging technology that enriches the lives of every person on earth Intel is inspired to Drive innovation that makes the world safer builds healthy and vibrant communities and increases productivityKey CapabiltiesNVIDIATechnologyArtificial Intelligence Computing Leadership from NVIDIA inventor of the GPU which creates interactive graphics on laptops workstations and mobile devicesKey CapabiltiesOpenNebulaTechnologyOpenNebula is an enterpriseready platform that helps you build an Elastic Private Cloud Avoid risks and vendor lockin by choosing a powerful but easytouse opensource solution Run containerized applications from Kubernetes and Docker Hub while ensuring enterprise requirements for your DevOps practicesKey CapabiltiesBitninjaTechnologyBitninja helps in centralized server security management Locate infected files and check stopped attacks Find the servers vulnerability with deeper insightsKey CapabiltiesR1Softs Server Backup ManagerTechnologyR1Softs Server Backup Manager SBM is protecting nearly 250000 servers worldwide It is the fastest most scalable server backup software for both Windows and Linux platforms under private public cloudsKey CapabiltiesBuildpiperTechnologyBuildPiper is a fully managed Kubernetes Application delivery platform to deliver code from Developers workstation to end user seamlesslyKey CapabiltiesIt takes care of the 3 primary pillars Time Cost Productivity so that your technology teams dont have to worry about them anymoreMinioTechnologyMinIOs HighPerformance Object Storage is Open Source Amazon S3 compatible Kubernetes Friendly and is designed for cloudnative workloads like AIKey CapabiltiesCPanel WHMTechnologycPanel WHM allows users to automate server management tasks while offering the end customers tools to manage their sites Recommended control panel for resellers and website development companiesKey CapabiltiesPleskTechnologyPlesk is an innovative control panel for building and managing multiple sites from a single dashboard Customers can run updates monitor performance and onboard new prospects all from the same placeKey CapabiltiesImunify360TechnologyWith an integrated and modular approach Imunify360 scales with your needs and helps you provide a secure and reliable web hosting service Its multilayered defense architecture ensures precision targeting and eradication of malware and virusesKey CapabiltiesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
TIRAI Platform E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation TIRAI Platform TIRAI Platform Introduction The TIR platform is an AI Development Platform built to tackle the friction of training and serving large AI models Components of TIR Platform TIR Dashboard Notebooks Datasets Models Inference Token Management Python SDK Work with TIR objects from the comfort of a python shell or jupyter notebooks hosted or local CLI Bring the power of E2E GPU cloud on your local desktop Why AI Model Development is so hard Software Stack Complexity Taking a model from development to production requires a variety of toolsets and environments Some of these toolsets need hard version dependencies which further make things harder Data Loading and Processing Training frameworks and libraries eg pytorch transformers etc GPU drivers with library optimizations some libraries depend on the GPUs Fault Tolerence handling through usage of pipelines and stateful jobs that can restart Deployment Management Scaling Up Out and to Zero Training and serving large models requires platforms with high GPU availability and ability to scale out up and ability to scale to zero to save idle usage cost Collaboration Work of AI Researchers and Engineers requires high degree of collaboration Being able to reproduce your team members work is an important aspect of pushing the boundaries of work The software engineering tools like git do help but are not sufficient to handle large datasets models to enable reproducibility of work Taking Models to Production Packaging open source or your own models for production use requires a whole different set of skillsets Containers API Development Security and Authenticaiton etc A good news is this process is repeatitive in nature so can be easilty automated Key Features of TIR Platform GPUs Optimized Containers Nvidia Manage EndtoEnd Lifecycle of Training and Serving large AI models PreConfigured Notebooks Easily launch notebooks with a variety of environment options eg transformers and desired hardware Persistent notebook workspaces for reproducibility of work Datasets EOS E2E Object Storage and PVC backed for easier data sharing and availability Model and Endpoints Track models with EOS backed repository and serve them through end point with simple configuration Pipelines Define endtoend training and deployment pipeline Jobs Want to quickly run your python code Just start a job with desired hardware and we take care of the rest Project and Team Management User and Access management Integrations git Huggingface Weights and Biases Experiement Management Neptune On this page Introduction Components of TIR Platform Why AI Model Development is so hard Key Features of TIR Platform Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Troubleshooting E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Kubernetes Service Troubleshooting Troubleshooting Why cant I SSH into my worker node Whats happening You cant access your worker node by using an SSH connection Why its happening SSH by password is unavailable on the worker nodes How to fix it To run actions on every worker node use a Kubernetes DaemonSet or use jobs for onetime actions To get host access to worker nodes for debugging and troubleshooting purposes review the following options Debugging by using kubectl debug Use the kubectl debug node command to deploy a pod with a privileged securityContext to a worker node that you want to troubleshoot First Please setup the latest kubectl tool which supports debug we are using kubectl v125 for debug To install kubectl follow this web link httpskubernetesiodocstaskstools and To Download Kubeconfigyaml File and connect kindly click here for more details The debug pod is deployed with an interactive shell so that you can access the worker node immediately after the pod is created For more information about how the kubectl debug node command works see debug command in Kubernetes reference Get the name of the worker node that you want to access The worker node name is its private IP address kubectl get nodes o wide whichever node is required to be accessed please run the following command kubectl debug nodeNODENAME imagedockeriolibraryalpinelatest it For Example kubectl debug nodeonekubeip105126 imagedockeriolibraryalpinelatest it Here in example onekubeip105126 is the master node Run debug commands to help you gather information and troubleshoot issues Commands that you might use to debug such as ip ifconfig nc ping and ps are already available in the shell You can also install other tools such as mtr tcpdump and curl by running apk add tool Note Almost all basic commands are there on the alpine container You can also use some other container or even a fullfledged distro like ubuntu depending on your requirement Debugging by using kubect exec If you are unable to use the kubectl debug node command you can create an Alpine pod with a privileged securityContext and use the kubectl exec command to run debug commands from the pods interactive shell Get the name of the worker node that you want to access The worker node name is its private IP address kubectl get nodes o wide Export the name in an environment variable export NODENODENAME Create a debug pod on the worker node The Docker alpine image here is used as an example If the worker node dosent have public network access you can maintain a copy of the image for debugging in your own ICR repository or build a customized image with other tools to fit your needs kubectl apply f EOF apiVersion v1 kind Pod metadata name debugNODE namespace default spec containers args c apk add tcpdump mtr curl sleep 1d command binsh image icrioarmadamasteralpinelatest imagePullPolicy IfNotPresent name debug resources securityContext Log in to the debug pod The pods interactive shell is automatically opened If the kubectl exec command fails continue to option 3 kubectl exec it debugNODE sh You can use the kubectl cp command to get logs or other files from a worker node The following example gets the varlogsyslog file kubectl cp defaultdebugNODEhostvarlogsyslog syslog Get the following logs to look for issues on the worker node varlogsyslog varlogcontainerdlog varlogkubeletlog varlogkernlog Run debug commands to help you gather information and troubleshoot issues Commands that you might use to debug such as ip ifconfig nc ping and ps are already available in the shell You can also install other tools such as dig tcpdump mtr and curl by running apk add tool For example to add dig run apk add bindtools Note Before you can use the tcpdump command you must first move the binary to a new location that does not conflict with the install path for the binary on the host You can use the following command to relocate the binary mv usrsbintcpdump usrlocalbin Delete the host access pod that you created for debugging kubectl delete pod debugNODE On this page Why cant I SSH into my worker node Whats happening Why its happening How to fix it Debugging by using kubectl debug Debugging by using kubect exec Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Firewall E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Networking on E2E Cloud Firewall Firewall Introduction A firewall is a security product that filters out malicious traffic Traditionally firewalls have run in between a trusted internal network and an untrusted network eg between a private network and the Internet With E2E Network Firewall you can define firewall rules that provide finegrained control over network traffic Network Firewall works together with E2E Firewall Manager so you can build policies based on Network Firewall rules and then centrally apply those policies across your virtual private clouds VPC and accounts Logging into E2E Networks My Account Login to MyAccount portal using your credentials set up at the time of creating and activating the E2E Networks My Account After you log in to the E2E Networks My Account On the lefthand side of the MyAccount dashboard click on the Firewall submenu available under the Network section Add New Firewall You have to click on Add New Firewall button After clicking on Add New Firewall button Create Firewall Appliance page will be open where you need to select your plan as per you requirement then click on Create button after that choose plan then again click on create button After completion of above process Create Firewall Appliance form will open and you have to fill the details and click on Create My Firewall button After that confirmation popup will be open then click on Proceed After creating firewall the page will be redirected on list page and your created firewall will be show in the list Firewall Detail In Firewall detail the detail of firewall will be show whatever you have saved at the time of creation of Firewall Network In Network tab you can associate multiple network for that you have to click on Click here to add hyperlink and select ntework from dropdown then click on attach VPC Actions There are many Actions in Firewall like Access Console Power off Reboot Reinstall Firewall Lock Firewall Delete Firewall Access Console Using Access console you can directly access firewall Power off For power off you have to click on Action button and the click on Power of button then confirmation popup will be open and you have to confirm that and your firewall will be powered off Reboot For rebooting firewall you have to click on Action button then click on Reboot button then confirmation popup will be open and you have to confirm that and your firewall will be reboot Reinstall firewall For Reinstall firewall you have to click on Action button then click on Reinstall button then confirmation popup will be open and you have to confirm that and your firewall will be reinstall Lock firewall For Lock your firewall you have to click on Action button and click on Lock button confirmation popup will be open and you have to confirm that and your firewall will be Locked Delete For Deleting firewall you have to click on Action button then click on Delete button confirmation popup will be open and you have to confirm that and your firewall will be Deleted On this page Introduction Logging into E2E Networks My Account Add New Firewall Firewall Detail Network Actions Access Console Power off Reboot Reinstall firewall Lock firewall Delete Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2E Networks Documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks Documentation Welcome to E2E Networks platform documentation E2E Networks Limited is Indias leading NSElisted AIfirst hyperscale cloud provider Here users will find detailed guides tutorials and troubleshooting tips covering a wide range of topics from CPU and GPU compute usage to TIR AI Platform Kubernetes services Terraform our ecosystem of cloud technologies our APIs and SDK storage solutions and about our DBaaS platform You will also find help on our Billing and Payment system security and our processes for handling abuse You will also find tutorials that help you get started with building applications in the AIML domain Finally you can also check out our release notes for latest features fixes and updates released on Myaccount Getting Started To get started head to Myaccount and follow the sign up process explained here Note that the process is slightly different for Indian individiuals Indian organizations and International organizations Click here to get started Our AIFirst Infrastructure E2E Networks advanced cloud GPUs offer developers unprecedented access to highperformance computing resources essential for tackling intensive tasks like machine learning deep learning and complex data analytics Our GPUs ranging from HGX 8xH100 A100 clusters L4OS T4 and others are integrated into E2Es cloud infrastructure and provide a highend platform to developers for AI inference and development Get started with our GPU nodes here TIR AI Platform TIR is a modern AI Development Platform designed to tackle the friction of training and serving large AI models TIR uses highly optimised GPU containers NGC preconfigured environments pytorch tensorflow triton automated API generation for model serving shared notebook storage and much more Learn more about TIR here On this page Getting Started Our AIFirst Infrastructure TIR AI Platform Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Here is a stepbystep guide on using Model Playground models E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Here is a stepbystep guide on using Model Playground models Here is a stepbystep guide on using Model Playground models Introduction A Model Playground is an interactive and userfriendly platform to selects modelsconfigure parameters and observe the results designed for experimenting with machine learning AI models It provides a space where users including data scientists researchers and developers can explore test and Open Source machine learning models without the need for extensive coding or infrastructure setup What is Model Playground Model Playground offers a fully managed service to access Foundation Models Llama213bchat Stable Diffusion 21 Code Llama 13b through a single API TIR Model Playground AI Studio helps in two ways 1 API based Access Instead of having to deal with infrastructure or deployment hassles customers will be able to directly access a ready to use highly scalable API provided by TIR Customers dont have to plan or worry about infrastructure 2 Cost Effectiveness Reduce the upfront investment Instead of launching infrastructure like high end GPU machines which generative models require TIR supports usage based pricing Customers pay based on API calls Key features of a Model Playground include User Interface An intuitive interface that allows users to easily upload datasets select models and configure parameters Experimentation The ability to experiment with different machine learning algorithms architectures and hyperparameters to understand their impact on model performance Learning Environment A space that facilitates learning and exploration where users can gain handson experience with machine learning concepts and techniques How to use Model Playground To initiate the Model Playground process first the user should navigate to the sidebar section and select Foundation Studio Upon selecting Foundation Studio a dropdown menu will appear featuring an option labeled Model Playground Upon clicking the Model Playground option the user will be directed to the Models page After redirect to the Models of Model Playground On this page users can select the models Llama213bchat Stable Diffusion 21 Code Llama 13b Llama213bchat model If you select Llama213bchat model Playground After clicking Llama213bchat model you will be redirected to playground page Form tab In the Prompt section you can raise any query to Control the output of the model fill advanced parameters and click on GENERATE RESPONSE button In the Preview section youll see the output Advanced Parameters You can set the advanced parameters fields and you can see the chnages on output In HTTP tab section you can set the environment variables and you will get the CURL API In API section you can see the details of run the models for that you get the commands and the details of advanced parameters Usage In Usage section you can see the pricing of current month by defaultyou can change the interval and see the pricing according to selection You can select the interval by clicking the dropdown You can customize the interval by selecting custom and set the from and to details Stable Diffusion 21 model If you select Stable Diffusion 21 model Playground After clicking Stable Diffusion 21 model you will be redirected to playground page Form tab In the Prompt section you can ask for any picture to Control the output of the model fill advanced parameters and click on GENERATE RESPONSE button In the Preview section youll see the picture of it on output Advanced Parameters You can set the advanced parameters fields click on GENERATE RESPONSE button and you can see the chnages on output In HTTP tab section you can set the environment variables and you will get the CURL API In API section you can see the details of run the models for that you get the commands and the details of advanced parameters Usage In Usage section you can see the pricing of current month by defaultyou can change the interval and see the pricing according to selection You can select the interval by clicking the dropdown You can customize the interval by selecting custom and set the from and to details Code Llama 13b model If you select Code Llama 13b model Playground After clicking Code Llama 13b model you will be redirected to playground page Form tab In the Prompt section you can query about any code to Control the output of the model fill advanced parameters and click on GENERATE RESPONSE In the Preview section youll see the output of it Actions You can set the actions before clicking on GENERATE RESPONSE button according to selected actions you can see the output Advanced Parameters You can set the advanced parameters fields click on GENERATE RESPONSE button and you can see the chnages on output In HTTP tab section you can set the environment variables and you will get the CURL API In API section you can see the details of run the models for that you get the commands and the details of advanced parameters Usage In Usage section you can see the pricing of current month by defaultyou can change the interval and see the pricing according to selection You can select the interval by clicking the dropdown You can customize the interval by selecting custom and set the from and to details On this page Introduction What is Model Playground TIR Model Playground AI Studio helps in two ways Key features of a Model Playground include How to use Model Playground Llama213bchat model Stable Diffusion 21 model Code Llama 13b model Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Welcome to E2E Appliances documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E Appliances documentation Welcome to E2E Appliances documentation Load Balancer Appliance Introduction How to Launch a Load Balancer Appliance How to Configure Application Load Balancer Select your Load Balancer Plan Type Details Target Mapping Peak Performance Features Summary Deploy Load Balancer Application Load Balancer Info Backend Mapping ACL Monitoring Alerts Stats Prometheus Stats Action Logs Billing Logs Actions Stopping your Load Balancer Upgrade your Load Balancer Delete FAQs What protocols are supported by Load Balancer Appliance Which backend operating systems do a Load Balancer support Do Load Balancer support SSL termination Can I upgrade or downgrade my Load Balancer plan Does Load Balancer SupportsHTTP2 Is there any limit on the number of backend Servers Is IPv6 supported on Load Balancer Appliance Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Terms Of Service Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpTerms Of ServiceE2E Networks Limited E2E we us provides cloud platform and configuration services including but not limited to smart dedicated servers graphics processing units object storage content delivery network service and continuous data protection backup services Services Except as otherwise indicated customers using the Services shall be referred to as you or yourWe provide these Services subject to the terms of this document Terms Your use of the Services or your registration with us constitutes your agreement to these Terms If you purchase our Services through a separate written agreementmaster services agreement these Terms shall be deemed to be incorporated into that agreement whether it is specifically called out or not When you access or use our Website andor the Services these Terms shall apply and shall be legally binding on you and to your access and use of the same even if not accepted by you separatelyThese Terms constitute a binding legal contract required to use our Website and Services As such you may only use our Website and Services if you agree to be bound by these Terms We may modify these Terms at any time by posting a revised version of the same at httpswwwe2enetworkscompoliciestermsofservice on our website Website and the amended version of these Terms shall become automatically binding on you if you continue to avail of the Services The amended terms will be applicable even if not accepted by you separately If you do not wish to be bound by the updated Terms we request you to stop accessing the Website and the Services and to reach out to us to deactivate your Customer Account You shall have the responsibility to review these Terms on a regular basis1 DefinitionsIn these Terms except where the context otherwise requires the following words and expressions shall have the following meanings11 Affiliates means in relation to any Person any entity which Controls or is directly or indirectly Controlled by or under common Control with such Person12 Applicable Laws shall mean and include any i rule of law statute byelaw ruling or regulation having the force of law or ii any code of practice rules consent license requirement permit or order having the force of law or pursuant to which a Person is subject to a legally enforceable obligation or requirement or iii any notification circular or guidelines issued by a regulatory authority and or iv any determination by or interpretation of any of the foregoing by any judicial authority whether in effect as of the date of these Terms or thereafter and in each case as may be amended v all the regulations notification circulars guidelines directives and all other statutory requirements issued by the statutory or Government Authority as may be applicable13 Charges shall mean unless the Services are being availed by you through free trial facility the amount payable by you for the Services either through selfservice portal available to you via your Customer Account accessible at the link httpsmyaccounte2enetworkscom or provisioned manually by our provisioning team for you and shall be computed on the basis of timebased rate eg per hour or per month etc or usagebased rate eg per GB per month applied on peak usage of the calendar month as may be applicable for the particular serviceFurther in case Minimum Billing Amount is applicable for a particular service the Charges payable by you shall be subject to the applicable Minimum Billing Amount for each calendar month such service is used14 Claims shall mean all actions suits proceedings or arbitrations pending or threatened at law in equity or before any Government Authority as defined below or competent tribunal or court15 Confidential Information means and includes the Intellectual Property and any and all business our technical and financial information or of any of our affiliates that is related to any of the arrangements contemplated in these Terms or any other agreement in which these Terms is incorporated by reference or otherwise disclosed by us to you It shall include any information which relates to our financial andor business operations including but not limited to specifications models merchant listsinformation samples reports forecasts current or historical data computer programs or documentation and all other technical financial or business data information related to its internal management customers products services anticipated productsservices processes financial condition employees merchants marketing strategies experimental work trade secrets business plans business proposals customer contract terms and conditions compensationcommission service and other valuable confidential information and materials that are customarily treated as confidential or proprietary whether or not specifically identified as confidential or proprietary16 Controlling Controlled by or Control with respect to any Person shall mean a the possession directly or indirectly of the power to direct or cause the direction of the management and policies of such Person whether through the ownership of voting share by agreement or otherwise or the power to elect more than half of the directors partners or other individuals exercising similar authority with respect to such Person and b the possession directly or indirectly of a voting interest of more than 50 Fifty Percent17 Customer Data means all data including all text sound software image or video files and all derivatives of such data that are created by or originated with you or your End Users You andor your End Users retain ownership of all and any such Customer Data The right granted to us to access and use such Customer Data is limited to the sole purpose of providing the Services or for compliance of legal obligations and shall not be understood as granting us any ownership rights thereto or any right to use or transfer except as specifically provided herein18 Deprovisioning of Services in relation to the Services shall mean termination of the Services being provided to you release and reallocation of all resources allocated to the Customer and deletion of Customer Data stored on our servers19 End User means any individual or entity that directly or indirectly through another user accesses or uses the Services under the Customer Account The term End User does not include individuals or entities when they are accessing or using the Services or any E2E services under their own E2E account rather than under the Customer Account110 Force Majeure Event includes but is not limited to significant failure of a part of the power grid significant failure of the internet systemic electrical telecommunications or other utility failures natural disaster war riot insurrection embargoes epidemic outbreak of infectious diseases which has an impact of frustrating the performance of the affected partys obligations under these Terms pandemic fire strikes or other organised labour action terrorist activity acts of Government Authority acts of God or other events of a magnitude or type for which precautions are not generally taken in the industry and actsreasons which are beyond the control of any party or any other cause which cannot be predicted by men of ordinary prudence111 Government Authority ies shall meana a government whether foreign federal state territorial or local which has jurisdiction over E2Eb a department office or minister of a government acting in that capacity orc a commission agency board or other governmental semigovernmental judicial quasijudicial administrative monetary or fiscal authority body or tribunal112 Infra Credit Prepaid Customer shall mean a customer who gets infra credits which can be used for availing various services being provided by us113 Inherent Business Risk means those risks that are in the ordinary course associated with the provision of cloud services including but not limited to loss of data due to attack on our servers by Malware malfunction of our servers and other equipment under our control malfunction of our software or supporting ThirdParty Software114 Inactive Customer shall mean a customer who at any point of time has not consumed or utilised any of the Services in the preceding 90 Ninety days 115 Intellectual Property or IP includes patents trademarks service marks trade names registered designs copyrights rights of privacy and publicity and other forms of intellectual or industrial property knowhow inventions formulae confidential or secret processes trade secrets any other protected rights or assets and any licences and permissions in connection therewith in each and any part of the world and whether or not registered or registrable and for the full period thereof and all extensions and renewals thereof and all applications for registration in connection with the foregoing and Intellectual Property Rights or IPR shall mean all rights in respect of the Intellectual Property116 Losses shall mean any loss damage injury liabilities settlement judgment award fine penalty fee including reasonable attorneys fees charge cost or expense of any nature incurred in relation to a Claims117 Malware shall mean any malicious computer code such as viruses logic bombs worms trojan horses or any other code or instructions infecting or affecting any program software client data files databases computers or other equipment or item and damaging undermining or compromising integrity or confidentiality incapacitating in full or in part diverting or helping divert in full or in part an information system from its intended use118 Managed Services shall mean the provision of professional services for additional payment to a customer by us to enable management of cloud computing infrastructure Unless specifically stated the Services provided to you shall be deemed to be SelfManaged Services and not Managed Services119 Material Adverse Effect shall mean any state of facts change development effect condition or occurrence that adversely affects either partys ability to perform its obligations under these Terms120 Person shall mean any natural person limited or unlimited liability company corporation general partnership limited partnership proprietorship trust association or other entity enterprise or business organisation incorporated under Applicable Law or unincorporated thereunder registered under Applicable Law or unregistered thereunder121 Minimum Billing Amount shall mean the minimum amount of usage charges pertaining to a particular service provided by us for a calendar month regardless of the actual timebased usage of such service during such calendar month122 Refund Policy means the Refund Policy published on the Website accessible at httpswwwe2enetworkscompoliciesrefundpolicy as may be amended by us from time to time The most current version would always be published on the Website123 Privacy Policy means the Privacy Policy published on the Website accessible at httpswwwe2enetworkscompoliciesprivacypolicy as may be amended by us from time to time The most current version would always be published on the Website124 Service Level Agreement or SLA means the Service Level agreement published on the Website and accessible at httpswwwe2enetworkscompoliciesservicelevelagreement which sets out the service levels that we offer with respect to our Services This may be amended from time to time at our sole discretion and the most current version would always be published on the Website125 TDS shall mean tax deducted at source in accordance with Applicable Law126 Term These Terms shall be binding on you from the date on which you begin to avail the Services from us and shall remain valid till you continue to avail the Services127 Third Party shall mean a Person except you and us128 Variable Usage Charges shall mean the Charges that may vary depending on the usage of any E2E service by you and which may increase over a period of time due to increase in use without any explicit action being taken by you to avail such additional usageFor instance the Variable Usage Charges with respect to the backup services being availed by you shall increase over a period of time based on your backup frequency the increase in data being backed up on the servers and the peak storage usage in a calendar month2 Use Of The Services21 By availing the Services you are required to comply with these Terms and all other operating rules policies and procedures that may be published from time to time on the Website including but not limited to the Privacy Policy SLA and Refund Policy Company Policies22 When you register for our Services with us you may be required to provide us with some information about yourself such as your name email address and a valid form of payment and you may also provide other information about yourself on a voluntary basis The collection of such accountrelated information and our use and disclosure thereof is subject to the terms of our Privacy Policy23 We may make commercially reasonable updates to the Services and the Company Policies from time to time24 We may in our sole discretion refuse to provide or continue providing the Website and Services to you at any time for any reason including but not limited to your failure to comply with these Terms We reserve the right to deactivate terminate prevent access to disable services for andor delete any customer accounts or access to the Website and Services at any time at our sole discretion3 Representations And Warranties31 We hereby represent and warrant to you as followsWe are duly organised and validly exist under the Applicable Laws and have all requisite legal power and authority to provide the Services to you We are not insolvent and no insolvency proceedings have been instituted nor threatened or pending by or against us before any court of competent jurisdiction32 You hereby represent and warrant to us as followsYou are duly organised and validly exist under the Applicable Laws and have all requisite legal power and authority to be bound by these Terms In the event that you are registering for the Services on behalf of an incorporated entity you represent and warrant that you and the entity are bound by these terms and you are legally authorized to act on behalf of such incorporated entityYou are not insolvent and no insolvency proceedings have been instituted nor threatened or pending by or against youYou have complied with Applicable Law in all material respects and have not been subject to any fines penalties injunctive relief or any other civil or criminal liabilities which in the aggregate has or may have a direct Material Adverse EffectThere are no actions suits Claims proceedings or investigations pending or to the best of your knowledge threatened in writing against you at law in equity or otherwise whether civil or criminal in nature before or by any court commission arbitrator or Government Authority and there are no outstanding judgments decrees or orders of any such courts commissions arbitrators or Government Authorities which materially and adversely effects your ability to perform your obligations under these TermsAll information disclosed by you in relation to the Services has been reasonably identified and truthfully disclosed to us to the best of your knowledge and there is no misrepresentation in the information being shared with us You acknowledge that any misrepresentation of information can adversely affect the quality of the Services to be rendered to youOur Website and Services are not targeted towards nor intended for use by anyone under the age of 18 years By using our Website and Services you represent and warrant to us that you are 18 years of age or older You have had adequate opportunity to read and understand these Terms and agree to be legally bound by them4 Your Obligations41 Customer Account411 You are responsible to monitor the activities under your E2E account Customer Account regardless of whether the activities are authorised or undertaken by you or your employees or by a Third Party including but not limited to your contractors agents or any End Users We shall not be held or deemed responsible for any unauthorized access to the Customer Account412 You should ensure the setting of strong passwords and access control mechanisms and other data protection control measures prescribed under Applicable law in order to protect Customer Data and prevent unauthorised access to the Customer Account413 You should immediately notify us of any unauthorized use of the Customer Account or any other breach of security and cooperate with our investigation of service outages security issues or any suspected breach of these Terms414 We shall not be held responsible for any security breach resulting due to your failure to implement andor comply with security measures or due to any other cause which in our opinion is beyond our control All and any liabilityies arising out of or in connection with such security breach shall be solely and totally borne by you and neither you nor your representatives having gained access to your Customer Account or any Third Party gaining unauthorized access to your Customer Account shall have any Claims against us for such liabilities415 You shall defend indemnify and hold harmless us our Affiliates or any of our respective employees agents or suppliers Indemnified Parties from and against any and all Claims andor Losses arising out of or attributable whether directly or not to such security breach42 Backup of Customer data You should take appropriate action to secure protect and backup the Customer Data including programs data software and any other Customer Data We shall not be under any obligation while providing the Services to the Customer under these Terms to maintain any copy or back up Customer DataNotwithstanding that you are availing backup services from us you shall remain responsible to ensure that adequate backup is taken by you and to test the accuracy of such back up of Customer Data We shall not be responsible for the same Further you shall be liable to pay us without dispute any Minimum Billing Amounts andor Variable Usage Charges that accrue due to the use of such backup services43 Use of Licensed Software431 You hereby acknowledge that the software provided with the Services is provided by Third Partys Third Party Software All Third Party Software is being licensed to you subject to terms and conditions of an EndUser License Agreement EULA and you hereby agree to abide by the terms and conditions of the EULA associated with the Third Party Software432 You shall at all times during the Term be under the obligation to use the licensed version of the software to be used by you in relation to the Services You shall not use any pirated software in availing the Services Further you shall be solely liable for any Losses or Claims arising out of your use or use by the End Users of any unmaintained open source software or any obsolete Third Party Software to run your workloads while using the Services and you shall accordingly indemnify defend and hold harmless the Indemnified Parties433 If any Claims are made against the Indemnified Parties in relation to use of such Third Party Software by you your representatives or End Users without complying with the terms and conditions of the applicable EULA or due to such use of a license beyond the agreed upon or paidfor level then you shall be liable for such Claims and any Losses arising out of the same and shall hold harmless the Indemnified Parties434 We shall not be responsible for any Third Party Software neither shall we be responsible for damage caused by such Third Party Software Further we may in our sole discretion at your request and on paid basis configure the Third Party Software with your equipment and the configuration of such software shall be done as per the instructions of the respective Third Party Provided however that this shall not be construed as imposing any obligation upon us to provide such services We shall not be liable for any damages whether such damages are direct indirect or consequential arising due to configuration of the Third Party Software with your equipment435 You shall be responsible to update any Third Party Software provided with the Services as and when you receive notification from the Third Party Software provider We shall not be responsible to ensure such updation and we shall not be liable for any disruption in the Services on account of unforeseen software conflict or bug issues due to your failure to update the Third Party Software436 You shall not remove or tamper with the copyright trademark or patent notices contained in the Third Party Software44 You shall document and promptly report all errors or malfunctions noticed by you to E2E If you provide any feedback in relation to the Services we shall be entitled to use such feedback to improve our Services without incurring any obligations towards you45 You shall ensure that all legal compliances as per Applicable Laws applicable regulatory framework as may be required for you to access the Services are fulfilled by you You shall be responsible for the security of the Services including the equipment used to access these Services being availed by you and at no point of time shall we be held responsible if the security of the Services or the related equipment employed by you is breached You shall be responsible to take reasonable measures including but not limited to encryption of data for ensuring protection of data storeduploaded by you through the Services46 In order to facilitate the provision of the Services you shall provide us with the required assistance as reasonably requested by us from time to time47 You should ensure the availability and stability of the computing environment to support the Services if and to the extent required in connection with the delivery of the Services48 Neither you nor your representatives andor End Users shall remove or tamper with the copyright trademark or patent notices contained in any content provided by us in the course of providing the Services or in the software provided by us which shall not include Third Party Software You shall defend indemnify and hold harmless the Indemnified Parties from and against any and all Claims arising out of or attributable whether directly or not to the violation of this Clause 48 by you your representative andor the End Users49 You shall observe proper ethics and transparency in all your actions in the course of discharging your obligations under these Terms and you shall not in any circumstances take any action or make any statement that may mislead any other existing E2E customer or prospective E2E customer regarding the Services or E2E itself or impact E2Es business or goodwill adversely410 You shall comply with all your obligations pursuant to these Terms and ensure that all payments due to us are paid in a timely manner in accordance with the due dates mentioned in the invoicesreminder emails sent by us411 You are responsible to monitor the functioning of resources utilised on your cloud server for the purpose of accessing the Services and to undertake appropriate action to resolve any issues with respect to such server resources In no event are we responsible to monitor or maintain such server resources5 Seizure Of Data And Hardware51 You agree that in case of any seizure of hardware provided by us to you for storage of any data or information pursuant to the Services by any Government Authority for the purpose of an investigation against you your employees agents or End Users or for any other purpose as per the requirement of the Government Authority you shall be liable to pay without any protest or demur upfront i the cost of providing such data or information to the Government Authority and ii the cost of server or equipment seized by the Government Authority52 Further you agree that we will not be liable to make any backup or copy the Customer Data stored on E2Es server or equipment and you will not raise any Claim for loss of data including a monetary claim against us on account of loss of data In case of seizure of hardware or data or both by the Government Authority we will not be liable to inform you about such seizure of hardware or data or both prior to or at the time of seizure of hardware or data or both by the Government Authority Further the Government Authority may provide such instructions for seizure of data or hardware or both through any mode of communication whether in writing or by oral communication and we will not be required to produce a copy of the written order of the Government Authority before the Customer6 Business Risk And Losses61 You agree and acknowledge that the Services provided by us have Inherent Business Risk and such Inherent Business Risk may be beyond our control and you may incur losses including but not limited to direct and indirect losses We will not be liable in whatever manner for any losses incurred by you due to the foregoing You hereby assume all risks arising out of the provision of the Services to you your agents including contractors and subcontractors or employees and shall indemnify defend and hold harmless the Indemnified Parties from any and all Claims andor Losses caused by or arising in connection with any use or abuse of the same7 Third Party Audit71 You acknowledge that in respect of licensessoftware acquired from Third Partys an audit may be conducted by competent Third Partys duly authorised to conduct the audit Competent Third Party ies during the Term and you agree that in case of such audit being initiated by Competent Third Parties you will cooperate and provide relevant information required by the Competent Third Parties All our customers are expected to cooperate in case any Competent Third Party conducts an audit on our infrastructure which shall include the cloud service platform provided by us You will provide all information as may be requested by the Competent Third Party which may include verification of licensing compliance evidence of licenses for products used by you etc Further in case you do not cooperate for the conduct of a Third Party audit and fail to provide all information necessary for the proper conduct of such Third Party audit then we at our sole discretion shall have a right to terminate the Services8 Regulation Of Use Of Services81 Customer Data You hereby acknowledge that we exercise no control of whatsoever nature over the Customer Data You represent and warrant to us that you have the right to transmit receive store or host using the Services all Customer Data that you so transmit receive store or host on our cloud platform Further it shall be your sole responsibility to ensure that you your representatives and End Users who transmit receive store or host the Customer Data comply with Applicable Law and with any other policies published by us on the Website from time to time including but not limited to the Company Policies You will be solely responsible for the development operation maintenance and use of Customer Data811 End User Customer Data You shall be responsible for the End Users use of the Customer Data and the Services and shall ensure that all End Users comply with your obligations under these Terms and Company Policies Further you shall ensure that the terms of your agreement with each End User is consistent with the terms of these Terms and the Company Policies If you become aware of any violation of your obligations under these Terms caused by an End User you should immediately suspend access to the Customer Data and the Services by such End User82 Prohibited activities821 You will not engage in any prohibited activities and will not permit any Person including End Users using your online facilities andor services including but not limited to your websites and transmission capabilities to do any of the following prohibited activities Prohibited ActivitiesHost display upload modify publish transmit store update or share any information thatbelongs to another person and to which the user does not have any rightis defamatory obscene pornographic paedophilic invasive of anothers privacy including bodily privacy insulting or harassing on the basis of gender libellous racially or ethnically objectionable relating or encouraging money laundering or gambling or otherwise inconsistent with or contrary to the laws in forceis harmful to childinfringes any patent trademark copyright or other proprietary rightsviolates any law for the time being in forcedeceives or misleads the addressee about the origin of the message or knowingly and intentionally communicates any information which is patently false or misleading in nature but may reasonably be perceived as a factimpersonates another personthreatens the unity integrity defence security or sovereignty of India friendly relations with foreign States or public order or causes incitement to the commission of any cognisable offence or prevents investigation of any offence or is insulting other nationcontains software virus or any other computer code file or program designed to interrupt destroy or limit the functionality of any computer resourceis patently false and untrue and is written or published in any form with the intent to mislead or harass a person entity or agency for financial gain or to cause any injury to any personSend unsolicited commercial messages of communication in any form SPAMEngage in any activities or actions likely to breach or threaten to breach any laws codes contractual obligations or regulations applicable to us or our customers including conduct infringement or misappropriation of Intellectual Property trade secrets confidentiality or proprietary information or which is fraudulent unfair deceptive or defamatoryEngage in any activityies or actions that would violate the personal privacy rights of others including but not limited to collecting and distributing information about internet users without their permission except as permitted by Applicable LawIntentionally omit delete forge or misrepresent online informationUse Services for any illegal purpose in violation of Applicable Law or in violation of the rules of any other service providers websites chat rooms or the likeConduct intended to withhold or cloak identity or contact information registering to use the Services under a fake or false name or identity or using invalid or unauthorized credit cards debit cards or any other payment instrument in connection with the ServicesUse the Services to publish post share copy store backup or distribute material that contains Malware or any other similar software or code or combination of codes and programmes that may damage or threaten to damage the operation of the Services or any other Persons device or propertyAssign sublicense rent timeshare loan lease or otherwise transfer the Services or provide the credentials pertaining to your Customer Account to any unauthorised PersonRemove or alter any proprietary notices like copyright trademark notices legends etc from the Services or copy any ideas features functions or graphics of the ServicesReverse engineering decompiling except to the extent that such activity is expressly permitted by Applicable LawBuild or assist any Person to build a competitive solution using similar ideas features functions or graphics or design of the Services or allow any Person or entity that offers or provides services that are competitive to or with our product and services to use or access the ServicesAttempt to probe scan or test the vulnerability of the Services or to breach the security or authentication measures without proper authorizationModify distribute alter tamper with repair or otherwise create derivative works of any content included in the ServicesAccess or use the Services in a way intended to avoid incurring fees or exceeding usage limits or quotasAny activities during the course of availing the Services from us that directly or indirectly result in our being subjected to criminal investigations by law enforcement authorities822 If you become aware of conduct by any Person using your online facilities services andor Customer Account constituting Prohibited Activities you should use all efforts to remedy such conduct immediately including if necessary limiting or terminating the End Users access to your online facilities823 In the event that we receive any information or a formal complaint alleging that you your representatives or End Users are engaging in conduct constituting a Prohibited Activity or an Abuse of Service we will notify you via email of such alleged conduct requesting you to ensure that the conduct is discontinued immediately If you fail to discontinue or facilitate the discontinuance of such conduct within a period of 24 Twenty Four hours of receiving the email from us we will be entitled to impose a penalty of INR 5000 Rupees Five Thousand or higher per instance of Prohibited Activity or Abuse of Service continuing beyond such 24 Twenty Four hour period and the consolidated penalty amount for the defaulting month shall be included in the bill for such month and shall be payable to us as per the applicable payment terms under these Terms On continuance of Prohibited Activities or Abuse of Service by you your representatives or End Users beyond the expiry of 24 TwentyFour hours from receipt of the email notification we will have the right to suspend your Services If we determine that there is a clear and present danger to us our other customers or a Third Party due to your participation in any Prohibited Activity while availing the Services then we at our sole discretion shall have the right to immediately suspendterminate the Services to you without any notification or via a postfacto notification depending on the severity of abuse We at our sole discretion may give you an opportunity to rectify the Prohibited Activity to our satisfaction and in such a situation a repeat default occurrence would result in automatic termination of access to the Services without prior intimation being provided824 Abuse of Services Any activityies by you or facilitated by you including but not limited to the activities as mentioned herein below shall be regarded as abuse of service Abuse of ServiceDenial of Service DoS Distributed Denial of Service DDoS Flooding or overloading the network or network system with large number of communications requests compromises the availability of a network or network service or slows down the response of the network making the network ineffective or less effectiveRestricting System Access or Storage Using any manual or device whether electronic or not which limits denies or restricts the access to a system or storage on a systemOperation of Certain Network Services Operating network services like forged headers open proxies open VPN OpenVPN public VPN services open mail relays or open recursive domain name servers services that facilitate UDP reflection attacks IP spoofing etcMonitoring or Crawling Monitoring or crawling of a system or combination of system and network that impairs or disrupts or leads to malfunctioning of the network or network services being monitored or crawledDeliberate Interference Any interference with the proper functioning of any system or network or network services including any deliberate attempt to overload a system by networking scanning using nmap or similar tools mail bombing news bombing broadcast attacks or flooding techniques or any other technique which either reduces the performance capacity of a system network network services or results in malfunctioning of system network network services Any network and security scans for PCIDSS or certification compliance perspective should be coordinated with managed services team else it shall be treated as abuse of services825 Cooperation with investigations and proceedings You agree that we may permit a relevant Government Authority to inspect Customer Data or usage For the purpose of such inspection we may in our sole discretion give reasonable prior notice to you We may report to appropriate Government Authorities any Customer conduct which we believe to be violative of Applicable Laws without notice to you We may respond to any request from a law enforcement agency or regulatory agency which has been made in accordance with Applicable Law regarding any of your conduct which may be violative of Applicable Laws Further the Government Authority may request for cooperation with investigations through any mode of communication whether in writing or through oral communication and we shall not be required to produce a copy of the written order of such Government Authority before you826 Consequences of Violations We may take actions in case of suspected violations of these Terms Company Policies etc including but not limited to any one or more of the following at our own discretion Written or verbal warning to youSuspend certain access privilegesSuspend your Customer Account or Services Terminate your Customer Account or terminatedeprovision the Services in totality if applicable Any terminationdeprovisioning of Services may include deletiondeactivation of Customer Account deletion of all Customer Data including back ups if any and reallocation of respective E2E resources to other customersBill you for any administrative costs and or reactivation charges whether or not mentioned in these TermsInstitute any legal proceeding civil or criminal as the case may be against you and claim damages if any caused due to the breach of these Terms andor Company Policies Forfeit any amount received as advance or otherwise from you and lying with us in case you provide any false information to us engage in any prohibited activities as identified in these Terms or violate any provision of these Terms We shall have no responsibility to notify you regarding any of the above actions being taken by us against you on account of suspected violation of these Terms Company Policies or Applicable Law by you your representatives or End Users83 Imposition of disproportionate legal insurance administrative governance and any other costs We reserve the right to immediately terminate or suspend the Services being rendered to you for reasons including but not limited to the making of or threatening to make or our perception of a threat of the imposition of disproportionate in our opinion legal or other claims in comparison to the cost of Services borne by you including but not limited to the initiation of an enquiry by a Government Authority against us due to or in relation to your conduct andor receipt of a legal notice with respect to your conduct84 Criminal offense Violation of the conditions of use specified in these Terms may constitute a criminal offence under applicable law You should report to us any information that it may have concerning instances in which the conditions of use under these Terms have been or are being violated 9 Facilities91 Monitoring Equipment We will install monitoring equipment or software to monitor your service usage for ensuring quality of service and for billing purposes The Services can be affected by activities beyond our control even after installation of the equipment or software We shall have no liability in the event of any loss to you or your employees agents or End Users due to activities which are beyond our control including attacks by Malware upon such monitoring equipment or software For the purpose of this clause Malware shall mean any malicious computer code such as viruses logic bombs worms trojan horses or any other code or instructions infecting or affecting any program software client data files databases computers or other equipment or item and damaging undermining or compromising integrity or confidentiality incapacitating in full or in part diverting or helping divert in full or in part an information system from its intended use92 Usage Measurement We may at our discretion measure the usage of Services which shall include but shall not be limited to any usage artefacts like number of HTTPs requests inbound and outbound data traffic to and from various services temperature of hardware on which Services are running etc93 Service Requests You shall raise a service request as per the method intimated by us We reserve the right to change the method of receiving service requests and any change shall be communicated to you by posting it on the Website You shall be responsible to ensure that you check the Website from time to time to stay updated on any such communication by us Currently service requests can be raised by sending an email to us at cloudplatforme2enetworkscom Execution of service requests by us shall not be undertaken by us unless and until we receive a duly authorised confirmation from your listed technical contact The name of such technical contact person shall be provided by you to us at the time of sign up customer account creation with us or later via interfaces provided by us on the Website And in case of any change in the technical contact person you shall immediately inform us about such change by updating the technical contact details in your Customer Account We shall not be liable for hardwaresoftware crash or corruption of data due to service requests from you or for such other reasons which are in our reasonable opinion beyond our control Further we shall not be liable to you for any losses arising out of the initiation of service requests10 Server Reboots OnOff101 You may undertake server onoff actions by yourself via the selfservice portal accessible at httpsmyaccounte2enetworkscom or such actions may be performed by our team on the receipt of a request from you On the implementation of a server onoff instruction or any other requests by you in relation to the Services you shall always ensure that it sets up its service boot order correctly so that the server becomes accessible on reboot We shall have no liability or responsibility for your failure to properly execute such server onoff actions and the consequent delay in restart of the servers Further we shall not be liable to you for any losses including losses due to hardwaresoftware crash or loss of Customer data arising out of such server onoff events and you shall indemnify and hold us harmless against any such claim action suit or proceeding arising out of such circumstances102 We may reboot physically disconnect and reconnect the servers while undertaking scheduled andor emergency maintenance We shall not be responsible for failure of the servers to reboot successfully on account of incomplete filesystem consistency checks run by the operating system misconfiguration in software due to bugs in the operating system andor system software accompanying the operating system or manual changes made by us on receipt of a request from you or by you yourself You shall have to maintain adequate redundancy of your datasoftware deployments to ensure that the services rendered by you to your End Users are not unduly impacted or interrupted due to such emergency andor scheduled maintenance activities performed by us On completion of a scheduled andor emergency maintenance activity we shall make best efforts to notify you of our success or failure of the activity performed Where required we shall make best efforts to intimate you of the need to reschedule the maintenance activity It is clarified that you shall be responsible to verify that your Services have been restored effectively post completion of the scheduled andor emergency maintenance activity11 Maintenance And Support111 We shall have the right to conduct routine scheduled maintenance or emergency maintenance of its electrical software or hardware infrastructure required to operate our Services according to the maintenance schedule posted on the Website or communicated via email to you to the extent it is deemed by us to be feasible In the event that a mission critical maintenance situation arises we may have to perform emergency maintenance at any time without prior intimation to you During these scheduled and emergency maintenance periods your equipment may be unable to access the Services and you may be unable to access Customer Data and the Services on our cloud computing platform You agree to cooperate with us during the scheduled and emergency maintenance periods Where a server is not able to successfully boot up due to malfunction in the operating system or software software misconfiguration any softwarehardware related issues such as filesystem andor database inconsistency or load times andor checks taking undue amount of time and failing to complete we shall not be liable for any resulting downtime in excess of the maintenance routine estimate112 We will undertake best efforts to provide you round the clock support monitoring fault reporting and maintenance of the networks and systems at E2E We shall provide warranty support for the equipment supplied by us subject to the terms and conditions of the equipments manufacturer It is clarified that we will not perform maintenance of any hardware problems in any equipment which is not provided by us12 Terms Of Free Trial121 The terms of these Terms as well as any other terms stated to be applicable to the use of the Services shall govern free trial facility being offered by us122 We shall have the discretion to grant a free trial facility to any potential customer and shall be entitled to do so on the basis of an evaluation of the specific service sought from us and such potential customers needs The period for which free trial facility is granted by us shall be at our discretion and may change from case to case123 We shall make best efforts to grant free trial facility within a period of 7 Seven days from receiving a request for the same from a potential customer124 We reserve the right in our absolute discretion to cancel or modify the free trial facility offered to you at any time without prior notice125 In the event that it is brought to our notice that any activity that constitutes a violation of these Terms is undertaken by you we shall have the right to immediately cancel the free trial facility without prior notice to you126 Notwithstanding the other provisions of these Terms any liabilityies arising out of or in connection with your use of the free trial facility shall be solely and totally borne by you and neither us nor our representatives shall be liable for any claim loss damages fine penalty fee charge cost or any expense of any nature arising due to your use of the free trial facility including use by your representatives13 LIMITATION OF LIABILITY131 IN ANY EVENT OUR OUR AFFILIATES AND OUR LICENSORS CUMULATIVE LIABILITY TOWARDS YOU OR ANY OTHER PARTY IF ANY FOR ANY LOSS OR DAMAGES RESULTING FROM ANY CLAIMS DEMANDS OR ACTIONS ARISING OUT OF OR RELATING TO THESE TERMS OR THE USE OF THE SERVICES OR ANY FAILURE OR DELAY IN DELIVERING THE SERVICES SHALL NOT EXCEED THE TOTAL FEES PAID BY YOU PURSUANT TO AN INVOICE RAISED BY US FOR ONE MONTH IN THE MONTH PRIOR TO THE MONTH ON WHICH THE EVENT GIVING RISE TO THE CLAIM OCCURRED EXCEPT TO THE EXTENT SET FORTH IN THE SERVICE LEVEL AGREEMENT WE SHALL HAVE NO LIABILITY SHOULD THERE BE ANY DELAY IN THE RENDERING OF THE SERVICE132 IN NO EVENT SHALL WE BE LIABLE TO YOU FOR ANY SPECIAL INDIRECT INCIDENTAL PUNITIVE EXEMPLARY RELIANCE OR CONSEQUENTIAL DAMAGES OF ANY KIND INCLUDING BUT NOT LIMITED TO COMPENSATION REIMBURSEMENT OR DAMAGES IN CONNECTION WITH ARISING OUT OF OR RELATING TO THE USE OR LOSS OF USE OF THE SERVICES LOSS OF PROFITS LOSS OF GOODWILL LOSS OF DATA OR CONTENT COST OF PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES SUBSEQUENT OR OTHER COMMERCIAL LOSS OR FOR ANY OTHER REASON OF ANY KIND WHETHER BASED ON CONTRACT OR TORT INCLUDING WITHOUT LIMITATION NEGLIGENCE OR STRICT LIABILITY EVEN IF WE HAVE BEEN ADVISED OF THE POSSIBILITY OF SUCH DAMAGES14 LIMITED WARRANTY141 WE REPRESENT THAT WE SHALL MAKE BEST EFFORTS TO PROVIDE THE SERVICES IN COMPLIANCE WITH OUR SERVICE LEVEL AGREEMENT EXCEPT FOR THIS WARRANTY WE DISCLAIM ANY AND ALL OTHER WARRANTIES EXPRESS OR IMPLIED RELATING TO THE SERVICES INCLUDING WITHOUT LIMITATION ANY IMPLIED WARRANTIES OF MERCHANTABILITY FITNESS FOR A PARTICULAR PURPOSE TITLE AND NONINFRINGEMENT OR ARISING FROM A COURSE OF DEALING USAGE OR TRADE PRACTICE WE SPECIFICALLY DISCLAIM ANY WARRANTY THAT THE OPERATION OF THE SERVICE WILL BE UNINTERRUPTED OR ERROR FREE FURTHER WE MAKE NO REPRESENTATIONS OR WARRANTIES WHATSOEVER AND SHALL HAVE NO LIABILITY WHATSOEVER WITH RESPECT TO THE ACCURACY DEPENDABILITY PRIVACY SECURITY AUTHENTICITY OR COMPLETENESS OF DATA TRANSMITTED OVER THE INTERNET OR ANY INTRUSION VIRUS DISRUPTION LOSS OF COMMUNICATION LOSS OR CORRUPTION OF DATA OR OTHER ERROR OR EVENT CAUSED OR PERMITTED BY OR INTRODUCED THROUGH THE INTERNET OR THE SERVERS UPON WHICH THE SERVICES ARE PROVIDED YOU ARE SOLELY RESPONSIBLE FOR IMPLEMENTING ADEQUATE FIREWALL PASSWORD AND OTHER SECURITY MEASURES TO PROTECT ITS SYSTEMS DATA AND APPLICATIONS FROM UNWANTED INTRUSION WHETHER OVER THE INTERNET OR BY OTHER MEANS15 CONSIDERATION151 Infra Credit Prepaid CustomersIf you are an Infra Credit Prepaid Customer we will raise an invoice for an amount equivalent to the amount paid by you under your Customer Account for purchase of infra credits subject to the deduction of applicable taxes including GST from such amount You should ensure that you continuously monitor your usage and maintain sufficient positive infra credits in your Customer Account A negative infra credit balance in your Customer Account may lead to automatic suspension andor Deprovisioning of Services152 Other Customers If you are not an Infra Credit Prepaid Customer we will raise an invoice against you as per the applicable billing period and you will be required to pay all fixed feescharges contained in such invoice including Variable Usage Charges if applicable for particular services The Services rendered to you may be suspendeddeprovisioned in the event that you do not pay the invoice amount within the due date indicated in the invoicereminder email Further we retain the right to reduce cancel the credit period being offered to you if any or cancel any discounts offered earlier if any or increase existing prices without prior notice to you in the event that the payments are not received by us within the specified due dates as indicated in the invoice reminder emails or for any other reason at our sole discretion153 You must provide current complete and accurate billing information in your Customer Account and must promptly update all such information in the event of any changes154 If you are an Inactive Customer and there are any prepaid infra credits in your Customer Account we will have the right to invalidate such credits after following the below processWe will send a notice via email to your registered email id requesting you to use the credits within a specified period of time failing which we shall be entitled to invalidate such credits on the expiry of such specified periodHowever the Company reserves the right to reverse free credits or coupons any time as per its own discretion without any obligation to inform the Customer before such reversal155 If you require any changes to be made to the particulars services and charges mentioned in the invoice raised by us you should intimate us via email at billingsupporte2enetworkscom of the same within 7 seven days of receipt of such invoice If the same is not communicated in the manner specified above within 7 seven days of receipt of such invoice through email we may at our discretion refuse to make any amendments or issue credit notes as we deem necessary156 All feescharges required to be paid to us for the Services shall be payable in the currency in which the invoice has been raised by us and any charges in relation to foreign remittance if applicable shall be borne by you157 Escalation of charges We reserve the right to revise the prices of any existing service plan andor discontinue any existing plan or change its features at our discretion In case of any change in the service plan and or service fee applicable to you or if we discontinue any existing plans being billed to you we will to the extent deemed feasible notify you of the same by email158 All payments shall be made by direct transfer NEFTRTGS cheque or demand draft drawn in favour of E2E Networks Limited payable at New Delhi and no outstation cheques shall be accepted You may also pay online from your Customer Account at MyAccount using options namely net banking credit card debit card standing instructions or autopay on debitcredit cards We as a merchant shall be under no liability whatsoever in respect of any loss or damage arising directly or indirectly out of the decline of authorization for any transaction on your bank account on account of having exceeded the preset limit mutually agreed by us with our acquiring bank from time to time All invoices raised against you will be due and payable as per the due dates credit terms mentioned in the invoice and you will be liable to pay interest at the rate of one and half percent 15 per month on all overdue and unpaid invoices commencing from the due date of such payment until the date of actual receipt of the payment of the outstanding amount by us159 We may use thirdparty payment processorspayment gateway partners to receive payment through the payment accounts linked to your Customer Account The processing of these payments may be subject to the terms conditions and policies of the respective payment gateway partner in addition to these Terms You acknowledge that we are not responsible for the acts or omissions of the payment gateway partners1510 If you fail to pay amounts due under the invoices raised by us by the respective due dates then we will be entitled to take suitable legal action in accordance with Applicable Law against you to recover outstanding dues on invoices You will be additionally liable to reimburse us for all costs of collection incurred by E2E hereunder including but not limited to legal fees paid to an attorney1511 If any amount is withheld by you from payments due to us pursuant to any statutory requirement you should remit such amount to the appropriate Government Authorities and promptly furnish signed documentary evidencecertificate supporting such withholding to us that is sufficient for us to claim tax credit from the relevant Government Authorities on a quarterly basis for full withheld amount Kindly note that TDS certificates are required to be uploaded for every quarter Certificates for quarters ending in June September December and March need to be shared on fintdse2enetworkscom email id by 20th August 20th November 20th February and 20th June respectively Please note that No TDS certificates for the previous financial year will be accepted if uploaded after 30th June of the current financial year For example all certificates for the financial year 202021 should be uploaded no later than 30th June 2021If you fail to share the signed certificatedocumentary evidence within the timelines mentioned above then the whole withheld amount shall be treated as a short payment on the respective invoices and you will be liable to pay the withheld amount to us immediately on expiry of the above mentioned timelines to furnish such evidence If you neither submit the signed TDS certificate nor pay us such withheld amount we will have the right to suspend andor deprovision the Services being provided to you after sending you a notice via email1512 We shall have the right to require you to pay the full invoice amount along with applicable TDS if any and you will have the right to claim a refund of the requisite TDS amount paid to us on submitting the required duly signed TDS certificates within the statutory timelines If the duly signed TDS certificate required by us under Applicable Law to claim tax credit is not submitted by you to us within the statutorily specified timelines we shall not be bound to refund the TDS amount to you For more details on how TDS refund process work please refer to the help article TDS Refund How to claim TDS refunds E2E Networks Knowledgebase1513 All fees payable by you shall be exclusive of goods and services tax GST We may charge and you will be required to pay GST andor other taxes applicable to all payments required to be made toward our Services Notwithstanding that you may be entitled to any exemptions or benefits under Applicable Law we shall be entitled to charge GST in our invoices and you shall be liable to pay the entire amount as per the due date specified therein1514 The Customer shall be responsible to provide valid GSTN in their Customer Account httpsmyaccounte2enetworkscom if they are registered under the GST regime If the GSTN provided by a customer is found to be inactive cancelledsuspended at the time of Invoice generation or during the filing of GST returns by E2E then E2E shall remove such invalid GSTN and the services provided to the Customer shall be considered as being provided to unregistered recipientsE2E shall not be held liable for loss of input credit or any other loss incurred by the Customer if the Customer fails to update valid GSTN in its Customer Account before Invoice generation1515 If your payment on any invoice raised by us is not received by us on account of disruption in banking services for whatever reason whether or not beyond your control we shall be entitled to suspend and further deprovision your services16 CONFIDENTIALITY161 You should safeguard and keep confidential E2Es Confidential Information using measures that are equal to the standard of care used by you to safeguard your own Confidential Information of comparable value but in no event less than reasonable care You should not use our Confidential Information for any purpose except to implement your rights and obligations under these Terms and as otherwise expressly contemplated by these Terms17 SECURITY AND DISCLOSURE OF CUSTOMER DATA171 Security Measures You will be solely responsible to patch your systems regularly with security updates of operating systems web serverDB or any other software in use on serversservices maintain highest levels of input sanitation on your web applications and in general keep any protected data encrypted Further you should take reasonable security measures to ensure protection of Customer Data stored on our cloud servers linked to your Customer Account We will on a bestefforts basis implement reasonable and appropriate measures designed to help you secure your Customer Data against accidental or unlawful loss access or disclosureHowever you shall remain responsible for properly configuring and using the Services and taking your own steps to maintain appropriate security protection and backup of your Customer Data which may include the use of encryption technology to protect your data from unauthorized access and routine archiving your data We do not promise to retain any preservations or backups of your Customer Data You are solely responsible for the integrity preservation and backup of your Customer Data regardless of whether your use of Services includes a E2E backup feature or functionality and to the fullest extent permitted by law we shall have no liability for any data loss unavailability or other consequences related to the foregoing We are not responsible or liable to make available data lost due to hardware failure or any other reason While we will make our best efforts to help you retrieve your Customer Data in the case of hardware failure our responsibility is limited to providing you with an equivalent replacement compute node as soon as possible If you have signed up for a backup plan with us we will help you restore your Customer Data from one of the available recovery point objectives to the newly provisioned compute node at your option on a best efforts delivery basis172 Disclosure of Customer Data Notwithstanding that we may have access to the servers allocated to you for availing the Services we do not by default maintain copies of Customer Data andor logs of Customer activities on our platform or servers unless expressly mandated by Applicable Law Further we will not disclose Customer Data to any Third Party unless required to do so for the purpose of providing the Services to you or pursuant to an order or demand duly made by a Government Authority We will not be under any responsibility to notify you of any such demand or order for disclosure of your Customer Data or provide proof of such demand or order to you18 SUSPENSION OF SERVICES181 We may in our sole discretion suspend the Services in whole or in part without liability if i you fail to pay the FeesCharges due and payable to us by the due date or credit term mentioned in the invoicereminder emails ii you are an Infra Credit Prepaid Customer and you run out of infra credits on your Customer Account iii you or your End User is in violation of these Terms andor the Company Policies iv you fail to reasonably cooperate with our investigation of any suspected breaches of these Terms v we reasonably believe that our cloud platform has been accessed or manipulated by a Third Party without your consent or our consent vi we reasonably believe that suspension of the Services is necessary to protect our environment generally vii you or your End User is in breach of provisions of Clause 8 and its subclauses viii we are obligated to suspend Services pursuant to a subpoena court order or otherwise as required by Applicable Law or by an order of a Government Authority made in accordance with Applicable Law whether in writing or by oral communication ix you or your End Users use of or access to the Services poses a security risk to us the Services or to any ThirdParty or is fraudulent andor x you have ceased to operate in the ordinary course or made an assignment for the benefit of creditors or effected a similar disposition of assets or have become the subject of any insolvency reorganization liquidation or similar proceeding182 If we are providing the servers we may restrict access to Customer Data stored on our servers during any suspension of Services We may in our sole discretion give you reasonable advance notice of a suspension under this Clause and a chance to cure the grounds on which the suspension is based unless we determine in our reasonable commercial judgment that a suspension on shorter contemporaneous or no notice is necessary to protect ourself or our other customers from operational security or other risks or if such suspension is ordered by a court or other judicial body of competent jurisdiction or a Government Authority 183 In the event of any suspension of services pursuant to clause 18 Payments to be made for reactivation of services shall in addition to the outstanding amount of the invoice include the followingPayment for invoices which are not due but have been raised and sent to youAny amount deducted by you in lieu of TDS for which you have not yet provided signed TDS certificate documentary proof to our satisfactionReactivation fees as determined by us at discretion of E2EInterest at the rate of one and half percent 15 per month on all overdue and unpaid invoices calculated on a day to day basis commencing from the due date of such payment until the date of actual receipt of the payment of the outstanding amount to us 184 You will remain responsible for all fees and charges that you have incurred till the date of DeProvisioning of Services irrespective of whether or not you have used the Services or even if the servers were in a suspended state185 At our sole discretion we may disable your access to the Services including your access to Customer Data as a consequence of the suspension of Services and we will not be liable to you for any damages or losses whether direct or indirect that you may incur as a result of such suspension186 If you have multiple accounts any suspension of Services pursuant to Clause 181 shall be grounds to suspend access to all customer accounts at our sole discretion Further if you have multiple accounts then we will have the right to adjust outstanding payments not paid within due dates by you in respect of one E2E account with credit balances lying in other E2E accounts187 We shall have the right to suspend the Services being rendered to you after providing notice in this regard if we suspect that youyour Customer Account is linked in any manner with another customer account which has been suspended pursuant to the provisions of Clause 181188 The Services once suspended by us due to nonpayment of any outstanding dues by the due date mentioned on the invoice shall be restored only when the outstanding payment is credited in our bank account If you pay the outstanding balance or dues for the Services availed through an online payment gateway payment shall be deemed to be made only on receipt of payment by us and its corresponding confirmation by the payment gateway If we do not receive the payment and valid confirmation of payment duly made from the payment gateway you will be required to pay the dues to avoid suspensiondeprovisioning of Services or to revoke suspension of Services as the case may be You acknowledge that it may take upto 48 FortyEight hours for the Services to be reactivated properly post receipt of payment from you where your access to the Services have been suspended189 Consequences of deprovisioning of Services Where the servers are provided by us we reserve the right to DeProvision all or part of Services provided by E2E including deprovisioning of committed instances at any time after their suspension due to nonpayment of outstanding dues andor for other reasons pursuant to Clause 181It is hereby clarified that while suspending andor deprovisioning services pursuant to reasons stated in clause 181 E2E reserves the right to suspenddeprovision all services including but not limited to suspensiondeprovisioning of committed instancespaid services Further no refund shall be due to the Customer in case deprovisioning is initiated by the E2E pursuant to clause 18After DeProvisioning the running subscribed services will be decommissioned all of the Customer Data on servers including backups if any will be deleted and will no longer be available and resources allocated to you will be released1810 IN THE EVENT WE TAKE ANY ACTION PURSUANT TO THIS CLAUSE WE SHALL HAVE NO LIABILITY TOWARDS YOU OR ANYONE CLAIMING BY OR THROUGH YOU NOTHING HEREIN SHALL PRECLUDE YOU FROM PURSUING OTHER REMEDIES AVAILABLE BY STATUTE OR OTHERWISE PERMITTED BY APPLICABLE LAW19 INDEMNIFICATION191 You shall defend indemnify and hold harmless the Indemnified Parties from and against any and all Claims andor Losses arising out of or relating to i breach of these Terms by you your representatives or End Users or ii violation of the Company Policies or Applicable Law by you your representatives or End Users iii nonpayment of applicable taxes including but not limited to GST TDS or any other form of taxes levied by any Government Authority from time to time on you iii breach of security measures by you your representatives or any End User iv a dispute between you and your End User v alleged infringement of ThirdParty IPRs by the Customer Data Your obligation under this Clause 191 shall extend to Claims arising out of acts or omissions by your employees End Users and any Person who gains access to the Services as a result of your failure to use reasonable security measures20 TERMINATION201 If you want to terminatedeprovision our Services you should write to us at cloudplatforme2enetworkscom for manually provisioned services or in case of Services availed through Self Service Portal you may terminatedeprovision the same by accessing your Customer Account at httpsmyaccounte2enetworkscom202 If you fail to make due payments on any invoices raised by us as per the due dates mentioned on the invoicereminder emails or if you fail to deposit the TDS to the appropriate Government Authority and fail to provide us a duly signed TDS certificate within statutory timelines we retain the right to suspend and deprovision the Services203 We shall have the right to terminate your access to the Services at our sole discretion at any time without any notice to you if we are of the opinion that you have used the Services a fraudulently unlawfully or abusively b any such usage of the Services by you is in breach of Applicable Laws c you have committed material breach of these Terms or d for any reason whatsoever if we are of the opinion that your use of the Services poses risk to us our Services our resources or other E2E customers Where your default is on the ground of violation of these Terms we may at our sole discretion allow you an opportunity to cure your breach and if you fail to cure such breach within such number of days as may be notified by us or 30 thirty days where it is not specified we shall have the right to terminate the Services immediately204 We may terminate the Services at our sole discretion at any time without any notice to you if you have ceased to operate in the ordinary course of business made an assignment for the benefit of creditors or effected a similar disposition of its assets or have become the subject of any insolvency reorganization liquidation or similar proceeding 205 Effects of TerminationOn termination of Services we will remove all of your electronically stored data from our facilities including all Customer Data and back ups if any and this shall not give rise to any liability towards youIf we are providing the servers we reserve the right to reformatdeletedeprovisionremove any servers virtual or physical for freeing up resources for use by other E2E customersYou shall remain responsible for all fees and charges till the date of deprovisioning of respective services irrespective of whether you have used them or notYou should immediately return or if instructed by us in writing destroy all Confidential Information pertaining to us in your possessionAll provisions that by their nature are intended to survive any termination of Services shall survive 206 Handover of data Upon termination we may at our sole discretion assist you in transitioning Customer Data to an alternative technology or cloud service provider for an additional charge and under separately agreed terms21 PROPRIETARY RIGHTSWe or our licensors own all rights title and interest in and to the Services and underlying software and all related technology and IPRs Subject to these Terms we grant you a limited revocable nonexclusive nonsublicensable nontransferrable license to access and use the Services Further you acknowledge that we will be required to use your logo trademark and entity name for the limited purpose of identifying you in our records marketing materials the Website and client database You hereby grant us permission to include your name logos and trademarks in our clientele promotional and marketing materials and communicationsIf you choose to provide input and suggestions regarding problems with or proposed modifications or improvements to the Websites and Services Feedback then you hereby grant to us an unrestricted perpetual irrevocable nonexclusive fullypaid royaltyfree right to exploit the Feedback in any manner and for any purpose including to improve the Website and Services and create other products and services22 MISCELLANEOUS 221 Entire Agreement These Terms together with Company Policies and any other documents expressly referred herein constitute the entire understanding between the parties with respect to the subject matter hereof In addition the terms and conditions as set forth in any invoice or any other official communications in writing between you and us including payment reminders and suspension emails shall also be binding on you222 Force Majeure We will not be responsible for the delays or damages that may occur due to any act omission or delay caused by a Force Majeure Event We will be entitled to discontinue the Services with immediate effect on the occurrence of a Force Majeure Event if in our opinion we are unable to continue to provide the Services as per these Terms223 Email Communication You agree that any notices agreements disclosures or other communications that we send to you electronically through email will satisfy any legal communication requirements including that those communications be in writing You agree to receive such electronic notices from us which will be sent by email to the email address then associated with your Customer Account You are responsible for ensuring that the email address associated with your Account is accurate and current Any email notice that we send to that email address will be effective when sent whether or not you actually receive the email224 Relationship of the Parties The parties are independent contractors These Terms does not create a partnership franchise joint venture agency fiduciary or employment relationship between the parties Neither party nor any of their respective affiliates is an agent of the other for any purpose or has the authority to bind the other225 Assignment You may not assign transfer or delegate any of your rights and obligations under these Terms in whole or in part by operation of law or otherwise without our prior written consent We may assign transfer or delegate our rights and obligations under these Terms without notice or consent226 No Waiver Neither party will be treated as having waived any rights by not exercising or delaying the exercise of any rights under this Agreement227 Severability If any part of these Terms is invalid illegal or unenforceable the rest of the Agreement will remain in effect228 NonSolicitation You for any reason shall not directly or indirectly solicit our employees who are on our panelrolls to leave their respective employmentbusiness engagements during the period you are using the Services and for 2 two years after the termination of Services 229 Governing Law These Terms shall be governed and constructed in accordance with the Applicable Laws of India Subject to the Clause 2210 below the courts at New Delhi shall have exclusive jurisdiction over any of the disputes arising out of or in relation to these Terms2210 Dispute Resolution In the event of any dispute claim or controversy arising under or in relation to these Terms such dispute shall be resolved by arbitration in accordance with the Arbitration and Conciliation Act 1996 The dispute shall be settled by a sole arbitrator to be appointed by the parties to the dispute and the seat of arbitration shall be New Delhi India The arbitration award shall be final and binding on the Parties and shall be enforceable in any competent court of lawProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
Deploy Inference Endpoint For Meta LLMA 2 E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Tutorials Deploy Inference Endpoint For Meta LLMA 2 Deploy Inference Endpoint For Meta LLMA 2 In this tutorial we will download Metas LLMA2 7b model and create an inference endpoint against it Download LLMA27bChat by Meta model from huggingface Upload the model to Model Bucket EOS Create an inference endpoint model endpoint in TIR to serve API requests Step 1 Define a model in TIR Dashboard Before we proceed with downloading or finetuning optional the model weights let us first define a model in TIR dashboard Go to TIR Dashboard Choose a project Go to Model section Click on Create Model Enter a model name of your choosing eg MetaLLMA27bChata Select Model Type as Custom or Pytorch Click on CREATE You will now see details of EOS E2E Object Storage bucket created for this model EOS Provides a S3 compatible API to upload or download content We will be using Minio CLI in this tutorial Copy the Setup Host command from Setup Minio CLI tab to a notepad or leave it in the clipboard We will soon use it to setup Minio CLI Note In case you forget to copy the setup host command for Minio CLI dont worry You can always go back to model details and get it again Step 2 Start a new Notebook To work with the model weights we will need to first need to download them to a local machine or a notebook instance In TIR Dashboard Go to Notebooks Launch a new Notebook with Transformers or Pytorch Image and a hardware plan eg A10080 We recommand a GPU plan if you plan to test or finetune the model Click on the Notebook name or Launch Notebook option to start jupyter labs environment In the jupyter labs Click New Launcher and Select Terminal Now paste and run the command for setting up Minio CLI Host from Step 1 If the command works you will have mc cli ready for uploading our model Step 2 Download the LLMA27BChat by Meta model from notebook Now our EOS bucket is store the model weights Let us download the weights from Hugging face Start a new notebook untitledipynb in jupyter labs Add your huggingface API token to run the following command from a notebook cell You will find the API token from account settings If you dont prefer using API Token this way alternatively you may run huggingfacelogin in notebook cell export HUGGINGFACEHUBTOKENhfxxxx Run the following commands in download the model The model will be downloaded by huggignface sdk in the HOMEcache folder from transformers import AutoTokenizer AutoModelForCausalLM import transformers import torch model AutoModelForCausalLMfrompretrainedselfmodellocalpath trustremotecodeTrue devicemapauto tokenizer AutoTokenizerfrompretrainedselfmodellocalpath pipeline transformerspipeline textgeneration modelmodel torchdtypetorchfloat16 tokenizertokenizer devicemapauto Note If you face any issues running above code in the notebook cell you may be missing required libraries This may happen if you did not launch the notebook with transformers image In such situation you can install the required libraries below pip install transformers torch Let us run a simple inference to test the model pipelineIt is said that life is beautiful when dosampleTrue topk10 numreturnsequences1 eostokenidselftokenizereostokenid maxlength200 Note Since llma7bhf is a base model and not trained on intructions or chat it is no capable of answering question However the model is trained for sentence completion So instead of asking What is life an appropriate input will be it is said that life is Step 2 Upload the model to Model Bucket EOS Now that the model works as expected you can finetune it with your own data or choose to serve the model asis This tutorial assumes you are uploading the model asis to create inference endpoint In case you finetune the model you can follow similar steps to upload the model to EOS bucket go to the directory that has the huggingface model code cd HOMEcachehuggingfacehubmetallma27bchatsnapshots push the contents of the folder to EOS bucket Go to TIR Dashboard Models Select your model Copy the cp command from Setup Minio CLI tab The copy command would look like this mc cp r MODELNAME llma7bllma7b323f3 here we replace MODELNAME with to upload all contents of snapshots folder mc cp r llma7bllma7b323f3 Note The model directory name may be a little different we assume it is metallma27bchat In case this command does not work list the directories in HOMEcachehuggingfacehub to identify the model directory Step 3 Create an endpoint for our model When a model endpoint is created in TIR dashboard in the background a model server is launched to serve the inference requests TIR platform supports a variety of model formats through prebuit containers eg pytorch triton metallma2 For the scope of this tutorial we will use prebuilt container LLMA27B for the model endpoint but you may choose to create your own custom container by following this tutorial In most cases the prebuilt container would work for your use case The advantage is you wont have to worry about building an API handler When you use prebuilt containers all you need to do is load your model weights finetuned or not to TIR Models EOS bucket and launch the endpoint API handler will be automatically created for you Steps to create endpoint Go to TIR Dashboard Go to Model Endpoints Create a new Endpoint Choose LLMA27B option Pick a suitable GPU plan we recommend A10080 and disk size of 20G Select appropriate model should be the EOS bucket that has your model weights Complete the endpoint creation When your endpoint is ready visit the Sample API request section to test your endpoint using curl Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Billing E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Billing Billing Notebooks Notebooks are billed according to the cost of the machine it is launched on There are a wide variety of CPU GPU Machine Plans available on our platform to launch notebooks each of these plans has a price associated with it on which the customer is billed The billing for these machines is done on hourly basis Note To launch any notebook on a paid machine one must have enough credits to run that notebook for about 24 hours We also provide a certain number of free machine plans to launch notebooks Kindly refer to the FreeTier Notebooks Section for more details As soon as the notebook is launched or started the billing starts Billing of a particular notebook stops when the notebook is stopped or terminated Notebooks are not billed when it is in stopped state FreeTier Notebooks FreeTier Notebooks are the notebooks running on the free machines plans available on the platform Each Primary Account gets a fixed number of free hours every month The free hours available in a month are different for CPU GPU Machines Currently every account gets 2 hours of monthly free usage for GPU Machines For CPU Machines there aint any time limit As long as free usage hours are available in the account any customer Primary or Secondary can launch these FreeTier Notebooks Notebook limit At any point of time only 1 FreeTier Notebook each for CPU GPU type machines is allowed per account ie across projects teams of primary secondary customers If your monthly free hours are consumed or notebooklimit condition is not met freetier notebooks cannot be launched Nevertheless you will always be able to launch notebooks on paid machines without any restrictions When the monthly free usage limit has been reached free tier notebooks are either autoshutdown or converted to paid instances depending on the termination policy chosen by the user at the time of launching the notebook If the Convert to Paid Version option is chosen billing of notebooks will be started as soon as the free hours have been consumed Notebook Disks PVC Every Notebook comes with a default 30 GB of disk space This disk space can be upgraded to a maximum of 100 GB as per the user choice Users are not charged anything for the default 30 GB of disk space But every additional GB of space beyond the default 30 GB will be charged on a per GB per month basis Datasets Creation of any dataset leads to the creation of a bucket in the customers Object Store on MyAccount Datasets are not charged anything explicitly but all the corresponding buckets in MyAccount will be charged as per the pricing of Object Storage Model Playground The cost of LAMA2 and Code Llama models is based on the number of tokens you input and the number of tokens in the output and for Stable Diffusion the cost is based on number of inference steps On this page Notebooks FreeTier Notebooks Notebook Disks PVC Datasets Model Playground Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2E Networks Documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks Documentation Welcome to E2E Networks platform documentation E2E Networks Limited is Indias leading NSElisted AIfirst hyperscale cloud provider Here users will find detailed guides tutorials and troubleshooting tips covering a wide range of topics from CPU and GPU compute usage to TIR AI Platform Kubernetes services Terraform our ecosystem of cloud technologies our APIs and SDK storage solutions and about our DBaaS platform You will also find help on our Billing and Payment system security and our processes for handling abuse You will also find tutorials that help you get started with building applications in the AIML domain Finally you can also check out our release notes for latest features fixes and updates released on Myaccount Getting Started To get started head to Myaccount and follow the sign up process explained here Note that the process is slightly different for Indian individiuals Indian organizations and International organizations Click here to get started Our AIFirst Infrastructure E2E Networks advanced cloud GPUs offer developers unprecedented access to highperformance computing resources essential for tackling intensive tasks like machine learning deep learning and complex data analytics Our GPUs ranging from HGX 8xH100 A100 clusters L4OS T4 and others are integrated into E2Es cloud infrastructure and provide a highend platform to developers for AI inference and development Get started with our GPU nodes here TIR AI Platform TIR is a modern AI Development Platform designed to tackle the friction of training and serving large AI models TIR uses highly optimised GPU containers NGC preconfigured environments pytorch tensorflow triton automated API generation for model serving shared notebook storage and much more Learn more about TIR here On this page Getting Started Our AIFirst Infrastructure TIR AI Platform Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Introduction E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Application Scaling on E2E Cloud Introduction Introduction E2E Auto scaling enables you to dynamically scale compute nodes based on varying workloads and a defined policy Using this feature you can meet the seasonal or varying demands of infrastructure while optimizing the cost The core unit of EAS is a scale group The following list covers the features and capabilities of scale groups Rule based Policy setup for adding nodes based on workload Integration with Load Balancer to automatically list or delist backend servers Automatic removal of nodes when utilization falls below a set threshold SSH access to each node enables activities like log viewing debugging etc Before you define your first scale group we recommend familiarizing yourself with concepts and terminologies Concepts Application Scaling helps you offer consistent performance for your endusers during high demand and also reduce your spend during periods of low demand The following section covers the key terminologies used through this document Scaler Scaler is E2E service that manages Application Scaling functionality Scale Group Scale Groups represent the nodes launched by Scaler Each group is destined to adhere to a scaling policy eg Add a compute node when CPU utilization on an existing node hovers at 70 for 20 seconds Group nodes The nodes in a scale group are dynamically added or removed These nodes will be referred to as Group nodes or just nodes in the rest of the document The lifecycle of group nodes starts with the creation of scale groups and ends with the termination of the group You will be charged for the time between start action of a node and the time of termination Saved Image Due to the dynamic nature of nodes you would want to automate the launch sequence of the application too This is where the saved image comes into play A saved image is nothing but a compute node that you had saved and has the capability to launch your application at the startup Compute Plan The compute plan or plan is where you select infrastructure or hardware requirements for your group nodes It need not be same as the plan you had used to create your saved image This is a plan sequence you are most likely to follow when defining application scaling Create a node with a conservative plan for application eg C Series 1 CPU 1GB Add launch sequence to autoinstall and start your application during startup Create a scale group with an actual plan you need for your production servers eg C series 16 CPU 64 GB Scaling Policy A scaling policy determines the lifecycle of group nodes It consists of an expression that contains the following factors Min nodes Max nodes Desired nodes or Cardinality Watch Period and Period Duration Cooldown A scaling policy determines how you want to add a node to the group A negative policy is automatically created by Scaler to handle termination of nodes For example When a user sets an expression of CPU 80 for upscaling the scaler will automatically create a downscaling policy of CPU 80 The downscaling policies will be internally managed by the scaler Min and Max nodes Min and Max nodes determine the maximum or minimum guarantees from your scale group Cardinality or Desired Nodes Though the actual number of group nodes is decided by scaler through policy configuration you have an option to influence this setting on certain occasions One of such occasions is when you perform code or image updates You could launch extra nodes that will absorb the changes and then manually delete the existing nodes that have an older version of your code Keep it simple Start with 2 nodes and let the scale group take over Performance or Target Metric At this time a scaling policy only supports CPU Utilization Watch Periods It is normal to see CPU spikes on the servers but what you want is a consistent spike that lasts for a period of time to make a scaling decision A watch period has two parts Periods and Period Duration A duration determines how long a period lasts and the number of periods determines how long the watch lasts Lets go through an example to understand this better Note Consider this scaling policy Expression CPU 75 Watch Period 2 Period Duration 10 seconds The scaler will watch out for 2 consecutive periods of 10 seconds each when the CPU Utilization stays at above 75 And when such condition occurs the scaling operation will be initiated Cooldown A cooldown is a full period when all scaling operations are blocked It typically starts right after a scaling operation The idea of cooldown is to wait and watch for impact of a scale operation before taking further actions The default is 150 secs Load Balancer Load balancers form the entry doors when your scaling applications While the actual group nodes and their IP may keep on changing the load balancer will enable consistent access for the external world Tip Always bundle your scale groups with a load balancer Define Scale Groups Application scaling helps you optimize your infrastructure by automatically adjusting the number of compute nodes based on a predefined policy You can define a scale group a pool of compute nodes for any web frontend or backend application and provide consistent performance to your endusers Before you Begin To save an image of a Virtual Node it must be powered down For this click on the Power Off under the Actions section After powering off Node now again click on Action button and then click on Save Image button Steps to Define Scale Groups Go to My Account Go to Compute Auto Scaling Click on Create a new Group Select a Saved Image that can launch your application at startup To create a new group click on Create a new Group button Select the image you want to use to create a new group After selecting the image select the plan according to your requirement Elastic Policy Elastic policies are designed to ensure that the infrastructure scales up or down automatically based on predefined conditions or metrics These conditions or metrics can include CPU utilization network traffic request latency or any other relevant performance indicators After selecting the plan give the name of your scale group select the parameters and select policy The Elastic Policy allows you to choose between two scaling policies Default or Custom If you choose Default the scaling will be based on CPU or Memory utilization If you choose Custom you can specify a custom attribute that will be used to determine the scaling Here is a more detailed explanation of the two policies you have two types of policy parameters DEFAULT and CUSTOM Default In Default you can select policy parameter type CPU or MEMORY CPU This policy scales the number of resources based on the CPU utilization When the CPU utilization reaches a certain threshold the number of resources will be increased according to the policy which you have set When the CPU utilization decreases the number of resources will be decreased Memory This policy scales the number of resources based on the Memory utilization When the Memory utilization reaches a certain threshold the number of resources will be increased according to the policy which you have set When the Memory utilization decreases the number of resources will be decreased Custom In a Custom policy you have two methods to specify a custom attribute 1 This policy allows you to specify a custom attribute that will be used to determine the scaling For example you could specify the memory utilization or the number of requests When the value of the custom attribute reaches a certain threshold the number of resources will be increased When the value of the custom attribute decreases the number of resources will be decreased Note policy parameter name field is mendatory 2 Once an autoscaling configuration is created with custom parameters youll receive a CURL command for updating the custom parameter value This command can be used within scripts hooks cron jobs and similar actions When the value of this custom parameter reaches a specific threshold the number of resources will increase Conversely when the value decreases the number of resources will decrease Note Please note that the default value of the custom parameter is set to 0 The choice of which policy to use depends on your specific needs If you want the scaling to be based on CPU utilization then the CPU policy is a good choice If you want the scaling to be based on a custom attribute then the Custom policy is a good choice Custom Policy If you select the custom policy then specify any custom attribute such as memorydiskiops or any other custom policy name After selecting the options click on Create Scale button Manage Custom policy The custom policy feature in auto scaling enables you to define your own custom attribute The auto scaling service utilizes this attribute to make scaling decisions The customer is responsible for setting this value on the service VM To configure the custom attribute on the VM the customer should first set up the attribute on an existing VM Afterward they need to create a saved image from that VM and use it to create the scaler service Note The custom policy attribute must be configured on the image used to create the Scaler service Custom Policy Name The Custom Policy Name field is where you enter the name of the custom attribute that you want to use to monitor your service This attribute can be any name that you choose but it is helpful to use names that are descriptive of the aspect of your service that you are monitoring For example you could use the names MEMORY for memory usage NETTX for Network traffic DISKWRIOPS for disk write operations etc Node utilization section Specify the values that will trigger a scaleup increase in cardinality or scaledown decrease in cardinality operation based on your preferences Scaling Period Policy You need to define the watch period duration of each period and cooldown period Note If your custom policy names are MEMORY NETTX NETRX DISKWRIOPS DISKRDIOPS DISKWRBYTES or DISKWRIOPS you do not need to worry about anything else However if you wish to adjust the cardinality of your autoscaling service based on different attributes you must configure them through your node Scaling incrementing and decrementing occurs based on the average value of the custom policy attribute To set custom attributes on service nodes follow these steps Create a new node Establish an SSH connection to that node Add the script provided below to your node and may set up a cron job for it Let us assume that you have set Custom policy name as CUSTOMATT and max utilization is set at 60 units and minimum utilization is set at 30 units then the cardinality will get increase when the value of the CUSTOMATT goes more than 60 units and the cardinality will get decrease if the value of the CUSTOMATT falls below 30 units If your goal is to adjust the cardinality based on the percentage of memory utilization you need to assign the CUSTOMATT attribute to the node This attribute will monitor memory utilization through the script To achieve this create a cron job that monitors memory utilization and updates the attribute periodically When writing the script youll need to obtain the following information ONEGATEENDPOINT TOKENTXT and VMID You can find these details at the following location varrunonecontextoneenv To create the script in a sh file follow these steps Create or update the file with the desired file name like filenamesh Inside the script file filenamesh you can begin writing your script Now you have two options to write a script inside the file filenamesh either use the option1 or option 2 to write a script Option1 TMPDIRmktemp d echo TMPDIRmetrics MEMTOTALgrep MemTotal procmeminfo awk print 2 MEMFREEgrep MemFree procmeminfo awk print 2 MEMUSEDMEMTOTALMEMFREE MEMUSEDPERC0 if z MEMTOTAL MEMTOTAL gt 0 then MEMUSEDPERCecho MEMUSED MEMTOTAL awk printf 2f 100 1 2 fi CUSTOMATTRMEMUSEDPERC echo CUSTOMATTR CUSTOMATTR TMPDIRmetrics VMIDsource varrunonecontextoneenv echo VMID ONEGATEENDPOINTsource varrunonecontextoneenv echo ONEGATEENDPOINT ONEGATETOKENsource varrunonecontextoneenv echo TOKENTXT curl X PUT ONEGATEENDPOINTvm header XONEGATETOKEN ONEGATETOKEN header XONEGATEVMID VMID databinary TMPDIRmetrics Option2 MEMTOTALgrep MemTotal procmeminfo awk print 2 MEMFREEgrep MemFree procmeminfo awk print 2 MEMUSEDMEMTOTALMEMFREE MEMUSEDPERC0 if z MEMTOTAL MEMTOTAL gt 0 then MEMUSEDPERCecho MEMUSED MEMTOTAL awk printf 2f 100 1 2 fi VMIDsource varrunonecontextoneenv echo VMID onegate vm update VMID data CUSTOMATTRMEMUSEDPERC Now To make the filenamesh file executable execute the following command chmod x filenamesh To run the filenamesh script use the following command filenamesh This will execute the script and perform its intended actions But for continuous monitoring of your attribute there is a need to make a cron of your script So for this in the terminal execute crontab e You will be prompted to specify a file where you need to provide the scheduled time for the cron job and the location of the script Example pathtoyourfilenamesh rootfilenamesh Afterward create an image of that node Launch your auto scale group using a custom policy name make sure to use the same name during configuration This setup will monitor the percentage of memory utilization and store it in the specified custom attribute CUSTOMATTR Based on the values which you have provided for cardinality increment and decrement your scheduled actions will be performed Note Upscaling and downscaling will be determined based on the average attribute value across all launched nodes To see the set attributes you can use given blow command onegate vm show VMID json After run above command the detail will be shown like this VM NAME machinename ID machineid STATE machinestate LCMSTATE machinelcmstate USERTEMPLATE CUSTOMATTR setattribute DISTRO distro HOTRESIZE CPUHOTADDENABLED NO MEMORYHOTADDENABLED NO HYPERVISOR kvm INPUTSORDER LOGO imageslogoscentospng LXDSECURITYPRIVILEGED true MEMORYUNITCOST MB MYACCOUNTDISPLAYCATEGORY Linux Virtual Node OSTYPE CentOS75 SAVEDTEMPLATEID 0 SCHEDDSREQUIREMENTS ID0 SCHEDREQUIREMENTS ID10 ID11 SKUTYPE skutype TYPE Distro TEMPLATE NIC IP ipadd MAC macadd NAME nicname NETWORK yournetwork NICALIAS To see the VMID you can use given blow command onegate vm show Output will be like this VM 8 NAME web0service1 STATE RUNNING IP 19216812223 Schedule Policy Schedule Policy Autoscaling schedule policy is a feature that allows you to define a predetermined schedule for automatically adjusting the capacity of your resources A scheduled autoscaling policy is a type of scaling policy that allows you to scale your resources based on a defined schedule For example you may use a scheduled autoscaling policy to increase the number of instances in your service during peak traffic hours and then decrease the number of instances during offpeak hours Recurrence In auto scaling recurrence refers to the ability to schedule scaling actions to occur on a recurring basis This can be useful for applications that experience predictable traffic patterns such as a website that receives more traffic on weekends or a web application that receives more traffic during peak business hours Upscale and downscale recurrence in auto scaling refers to the process of increasing and decreasing the number of resources in an Auto Scaling group respectively This can be done on a recurring basis such as every day week or month Cron To configure recurrence in auto scaling you need to specify a cron expression A cron expression is a string that specifies the time and frequency of the scaling action For example the cron expression 0 0 specifies that the scaling action should be run at 0000 midnight every day Upscale recurrence You can specify the cardinality of nodes at a specific time by adjusting the field in the cron settings Ensure that the value is lower than the maximum number of nodes you had previously set Downscale recurrence You can specify the cardinality of nodes at a specific time by adjusting the field in the cron settings Ensure that the value is greater than the maximum number of nodes you had previously set Now if you want to choose scheduled policy as your choice of option then select Schedule Policy in place of Elastic Policy and then set the upscale and downscale recurrence and click on Create Scale button Elastic and Scheduled Policy If the user desires to create a scaler service using both options they can choose the Both policy option configure the parameters and proceed with creating the scalar service To see the details of the scale group click on Scale Group Details To view the details of the active nodes click on Active Node Details tab To View the details of the Terminated Node click on Terminated Node Details tab To View the details of the associated networks click on the Network tab To View the details of the Attached LB click on Attached LB tab To View the details of the Monitoring click on Monitoring tab To View the details of the Security Group click on Security group tab To View the details of the Logs click on Logs tab Actions Resize Service To resize the services click on 3 dots and click on resize services option StartStop Action Introduction The startstop actions in the autoscaling service are designed to manage the state of the service allowing users to start or stop their instances as needed This documentation provides a detailed guide on how to utilize these actions effectively Stop Action The stop action is used to halt the service within the autoscaling infrastructure Process When initiating a stop action the service will transition to a stopped state after a brief period State The service will be marked as stopped and the desired nodes will be set to zero Billing During the stopped state billing for the service will be paused ensuring cost savings for the user Start Action The start action is employed to commence the service within the autoscaling environment Process Upon executing a start action the service will transition to a running state after a short duration State The service will be in a running state maintaining the same configuration as before with desired nodes set to the minimum node count specified Billing Billing for the service resumes immediately upon starting allowing for seamless operation with updated configurations Conclusion Utilizing the start and stop actions provides users with the ability to efficiently manage their autoscaling service controlling costs and resources effectively For further assistance or inquiries please reach out to our support team Delete To delete the service click on Delete button To edit the Scale groups details like parameters policies then click on edit icon To edit the Scale group prarameters click on edit icon After doing changes click on right icon to update the scale group parameter To edit the Scale group policy click on edit icon To select Elastic policy click on edit icon and select from dropdown After selcting Elastic policy then want to change in CPU utilisation watch period duration cooldown After doing changes click on update button To select Scheduled policy click on edit icon and select from dropdown After selecting Scheduled policy then want to change in Upscale Recurrence Upscale Desired Nodes etc After doing changes click on update button To select both policy ie Elastic Scheduled policy click on edit icon and select from dropdown After doing changes in the form click on update button Note Deleting the saved image is not allowed when it is associated with a Scale group You need to first terminate the associated scale group to delete this saved image On this page Concepts Scaler Scale Group Group nodes Saved Image Compute Plan Scaling Policy Min and Max nodes Cardinality or Desired Nodes Performance or Target Metric Watch Periods Cooldown Load Balancer Define Scale Groups Elastic Policy Custom Policy Manage Custom policy Schedule Policy Elastic and Scheduled Policy Actions Introduction Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
License Management E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks License Management License Management Introduction The License Management in Myaccount portal is a simple and intuitive webbased user interface for managing and buying RDP MS SQL license for your Node as per your requirement Buying a license means that you designate that license for one node The designation avoids sharing a license across more than one node For example after you have assigned a license to a node you are permitted to run that licensed software on that node Refer below a detailed description of applicationsoftware licenses available for your node License Description RDP The remote desktop protocol RDP is used to access to server or application hosted on a node It allows you to connect access and control data and resources on a node as if you were doing it locally MS SQL SQL Server is a database server by Microsoft The Microsoft relational database management system is a software product that primarily stores and retrieves data requested by other applications These applications may run on the same or a different compute node Going more indepth in order to understand what a SQL Server is you must first understand what SQL is SQL is a specialpurpose programming language designed to handle data in a relational database management system A database server is a computer program that provides database services to other programs or computers as defined by the clientserver model Therefore a SQL Server is a database server that implements the Structured Query Language SQL There are many different versions of Microsoft SQL Server catering for different workloads and demands Physical Machine When running MS SQL Server in a physical OSE all physical cores on the server must be licensed A minimum of four core licenses is required for each physical processor on the server Calculate the Licenses on Physical Machines Count the total number of physical cores in the server Since the Per 2 Core licenses used in SPLA Microsoft Services Provider License Agreement you must divide the number of the available cores on the physical machine by two to determine the actual number of licenses required on the machine Note The use of hyperthreading technology does not affect the number of licenses required when running SQL Server software in a physical OSE Logic Example Lets say you have a physical server with a single Processor Case Case1 Case1 Case1 Case1 Total Processors Available 1 1 1 1 Total Cores Available 2 4 8 16 Licenses Required Per 2 Cores 2 2 4 8 Example Lets say you have a physical server with two processors Case Case2 Case2 Case2 Case2 Total Processors Available 2 2 2 2 Total Cores Available 2 4 8 16 Licenses Required Per 2 Cores 4 4 4 8 Virtual Machine Licenses Calculation Logic When running MS SQL server in virtual OSEs all the virtual core or virtual processor virtual CPU virtual thread allocated to the VM must be licensed A minimum of four core licenses is required for each VM Calculate the Licenses on Virtual Machines Count the total number of virtual cores available in a virtual machine Since the Per 2 Core licenses used in SPLA so you must divide the number of the available virtual core on the virtual machine by two to determine the actual number of licenses required on the virtual machine Example Lets say you have 2 or more virtual cores on the virtual machine VMs VM1 VM2 VM3 VM4 Total Virtual Cores Available 2 4 8 16 Licenses Required Per 2 Cores 2 2 4 8 You can refer to the microsoft official document Buy License This tutorial will show you how to buy and manage license for Myaccount Go to My Account and log in using your credentials set up at the time of creating and activating the My Account On the left Navigation bar Select License management available under the service section You will redirect to the Manage License page Click on the Buy New License Select the license type you want to buy RDP License MS SQL License After selecting a license type click on the Buy button You will be redirected to the buy license page Here need to specify the node details RDP License MS SQL License After filling the required information click the Place Order button A confirmation window will be opened Please provide your confirmation after reading the details You will redirect to the Manage License page Here you will get an information message Your request will be reviewed by E2E Networks support Team You will be notified about the request approval by email Purchased license state will change from ActivationPending to Activated Terminate Active License Go to Manage License page and select the license you want to terminate Click on the Termination Request action A confirmation window will be opened Please provide your confirmation after reading the details The license state will change from Activated to TerminationPending You will be notified about the termination request approval by email On this page Introduction Buy License RDP License MS SQL License RDP License MS SQL License Terminate Active License Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2E Networks Billing and Payment Information E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Billing and Payment Information E2E Networks Billing and Payment Information The Billing and Payment section of E2E Networks documentation covers crucial aspects of billing procedures payment options and financial processes This section includes detailed information on payment options for both domestic and international customers setting up autodebit features TDS deduction processes viewing invoices and payments and more Key Topics For detailed information refer to the respective sections in our documentation Payment Method Learn more about our Payment Methods EMandate Learn more about EMandate Redeem Coupon Guide on how to redeem coupons Customer Details Updation Guide on updating customer details Setup AutoDebit feature Setting up autodebit TDS Deduction process Guide on TDS deduction process Declaration us 206AB Declaration of us 206AB Minimum Billing Understand minimum billing Provisioning and Deprovisioning Process Learn about our provisioning and deprovisioning process View Invoice and Payment Learn about viewing invoice and payment details Prepaid Billing Learn about prepaid billing Set up Infra Credits Balance Alert Create alerts for infra credits balance Whatsapp notification for Payment reminder Set up whatsapp notifications for payment reminders Restore Service on a Suspended Account for NonPayment Learn how to restore service for suspended accounts On this page Key Topics Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Deploy Inference Endpoint For MPT7BCHAT E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Tutorials Deploy Inference Endpoint For MPT7BCHAT Deploy Inference Endpoint For MPT7BCHAT In this tutorial we will create a model endpoint against MPT7bchat model The tutorial will mainly focus on the following Model Endpoint creation for mpt7bchat using prebuilt container Model Endpoint creation for mpt7bchat with custom model weights Brief description about the supported parameters for image generation Creating a readytouse Model endpoint TIR platform supports a variety of model formats through prebuit containers eg pytorch triton metallma2 mosaicmpt7bchat For the scope of this tutorial we will use prebuilt container MPT7BCHAT for the model endpoint When you use prebuilt containers all you need to do is select the container and launch the endpoint API handler will be automatically created for you Steps to create endpoint Go to TIR Dashboard Go to Model Endpoints Create a new Endpoint Choose MPT7BCHAT option Pick a suitable GPU plan Complete the endpoint creation When your endpoint is ready visit the Sample API request section to test your endpoint using curl Creating Model endpoint with custom model weights To create Inference against mpt7bchat model with custom model weights we will Download mpt7bchat model from huggingface Upload the model to Model Bucket EOS Create an inference endpoint model endpoint in TIR to serve API requests Step 1 Define a model in TIR Dashboard Before we proceed with downloading or finetuning optional the model weights let us first define a model in TIR dashboard Go to TIR Dashboard Choose a project Go to Model section Click on Create Model Enter a model name of your choosing eg mpt7bchat1 Select Model Type as Custom Click on CREATE You will now see details of EOS E2E Object Storage bucket created for this model EOS Provides a S3 compatible API to upload or download content We will be using MinIO CLI in this tutorial Copy the Setup Host command from Setup Minio CLI tab to a notepad or leave it in the clipboard We will soon use it to setup MinIO CLI Note In case you forget to copy the setup host command for MinIO CLI dont worry You can always go back to model details and get it again Step 1 Define a model in TIR Dashboard Before we proceed with downloading or finetuning optional the model weights let us first define a model in TIR dashboard Go to TIR Dashboard Choose a project Go to Model section Click on Create Model Enter a model name of your choosing eg stablediffusion21 Select Model Type as Custom Click on CREATE You will now see details of EOS E2E Object Storage bucket created for this model EOS Provides a S3 compatible API to upload or download content We will be using MinIO CLI in this tutorial Copy the Setup Host command from Setup Minio CLI tab to a notepad or leave it in the clipboard We will soon use it to setup MinIO CLI Note In case you forget to copy the setup host command for MinIO CLI dont worry You can always go back to model details and get it again Step 2 Start a new Notebook To work with the model weights we will need to first download them to a local machine or a notebook instance In TIR Dashboard Go to Notebooks Launch a new Notebook with mpt7bchat image and a hardware plan eg A10080 We recommand a GPU plan if you plan to test or finetune the model Click on the Notebook name or Launch Notebook option to start jupyter labs environment In the jupyter labs Click New Launcher and Select Terminal Now paste and run the command for setting up MinIO CLI Host from Step 1 If the command works you will have mc cli ready for uploading our model Step 3 Download the mpt7bchat model from notebook Now our EOS bucket will store the model weights Let us download the weights from Hugging face Start a new notebook untitledipynb in jupyter labs Run the below commands The model will be downloaded by huggingface sdk in the HOMEcache folder import transformers import torch from transformers import AutoTokenizer model transformersAutoModelForCausalLMfrompretrained mosaicmlmpt7bchat trustremotecodeTrue tokenizer AutoTokenizerfrompretrainedEleutherAIgptneox20b pipe transformerspipeline textgeneration modelmosaicmlmpt7bchat tokenizertokenizer devicemapauto torchdtypetorchbfloat16 trustremotecodeTrue Note If you face any issues running above code in the notebook cell you may be missing required libraries This may happen if you did not launch the notebook with Transformers image In such situation you can install the required libraries below pip install transformers accelerate xformers einopsx Let us run a simple inference to test the model output pipeHere is a recipe for vegan banana breadn dosampleTrue maxnewtokens100 usecacheTrue printoutput Step 4 Upload the model to Model Bucket EOS Now that the model works as expected you can finetune it with your own data or choose to serve the model asis This tutorial assumes you are uploading the model asis to create inference endpoint In case you finetune the model you can follow similar steps to upload the model to EOS bucket go to the directory that has the huggingface model code cd HOMEcachehuggingfacehubmodelsmpt7bchat1snapshots push the contents of the folder to EOS bucket Go to TIR Dashboard Models Select your model Copy the cp command from Setup MinIO CLI tab The copy command would look like this depending your model name mc cp r MODELNAME mpt7bchat1mptbchat1b9402a here we replace MODELNAME with to upload all contents of snapshots folder mc cp r mpt7bchat1mptbchat1b9402a Note The model directory name may be a little different we assume it is modelsmpt7bchat1 In case this command does not work list the directories in the below path to identify the model directory HOMEcachehuggingfacehub Step 5 Create an endpoint for our model With model weights uploaded to TIR Models EOS Bucket what remains is to just launch the endpoint and serve API requests Head back to the section on Creating a readytouse Model endpoint above and follow the steps to create the endpoint for your model While creating the endpoint make sure you select the appropriate model in the model details subsection INFERENCE After you have successfully launched model endpoint wait for few minutes for loading the model And then you can use api request for prediction Below is the sample body of the inference request instances text heres the Recipe of pancakes params maxlength 100 This will give the below response predictions heres the Recipe of pancakes with strawberries and creamnnIngredients nn1 cup allpurpose flourn1 teaspoon baking powdern14 teaspoon saltn14 cup whole milkn14 cup buttermilkn1 tablespoon vegetable oiln12 cup sliced fresh strawberriesn12 cup whipped creamnnDirectionsnn1 Preheat a griddle or nonstick skillet over mediumhigh heat You can also pass multiple prompt texts instances text heres the tea recipe textheres the pancakes recipe params maxlength 100 This will give the below response predictions heres the tea recipenn1 Boil watern2 Steep tea bag in boiling water for 35 minutesn3 Add honey to tasten4 Servennand heres the teann1 Boil watern2 Steep tea bag in boiling water for 35 minutesn3 Add honey to tasten4 Servenn heres the pancakes recipennIngredientsnn1 cup allpurpose flourn12 cup wholewheat flourn12 cup rolled oatsn12 cup unsweetened applesaucen12 cup milkn12 cup watern12 teaspoon baking powdern12 teaspoon baking sodan12 teaspoon saltn12 teaspoon cinnamonn14 teaspoon nutmegn14 teaspoon You can pass the parameters in your request body listed below to control your output Supported parameters Parameters that control the length of the output maxlength int optional defaults to 20 The maximum length the generated tokens can have Corresponds to the length of the input prompt maxnewtokens Its effect is overridden by maxnewtokens if also set maxnewtokens int optional The maximum numbers of tokens to generate ignoring the number of tokens in the prompt minlength int optional defaults to 0 The minimum length of the sequence to be generated Corresponds to the length of the input prompt minnewtokens Its effect is overridden by minnewtokens if also set minnewtokens int optional The minimum numbers of tokens to generate ignoring the number of tokens in the prompt earlystopping bool or str optional defaults to False Controls the stopping condition for beambased methods like beamsearch It accepts the following values True where the generation stops as soon as there are numbeams complete candidates False where an heuristic is applied and the generation stops when is it very unlikely to find better candidates never where the beam search procedure only stops when there cannot be better candidates canonical beam search algorithm maxtime float optional The maximum amount of time you allow the computation to run for in seconds generation will still finish the current pass after allocated time has been passed Parameters that control the generation strategy used dosample bool optional defaults to False Whether or not to use sampling use greedy decoding otherwise numbeams int optional defaults to 1 Number of beams for beam search 1 means no beam search numbeamgroups int optional defaults to 1 Number of groups to divide numbeams into in order to ensure diversity among different groups of beams this paper for more details penaltyalpha float optional The values balance the model confidence and the degeneration penalty in contrastive search decoding usecache bool optional defaults to True Whether or not the model should use the past last keyvalues attentions if applicable to the model to speed up decoding Parameters for manipulation of the model output logits temperature float optional defaults to 10 The value used to modulate the next token probabilities topk int optional defaults to 50 The number of highest probability vocabulary tokens to keep for topkfiltering topp float optional defaults to 10 If set to float 1 only the smallest set of most probable tokens with probabilities that add up to topp or higher are kept for generation typicalp float optional defaults to 10 Local typicality measures how similar the conditional probability of predicting a target token next is to the expected conditional probability of predicting a random token next given the partial text already generated If set to float 1 the smallest set of the most locally typical tokens with probabilities that add up to typicalp or higher are kept for generation See this paper for more details epsiloncutoff float optional defaults to 00 If set to float strictly between 0 and 1 only tokens with a conditional probability greater than epsiloncutoff will be sampled In the paper suggested values range from 3e4 to 9e4 depending on the size of the model See Truncation Sampling as Language Model Desmoothing for more details etacutoff float optional defaults to 00 Eta sampling is a hybrid of locally typical sampling and epsilon sampling If set to float strictly between 0 and 1 a token is only considered if it is greater than either etacutoff or sqrtetacutoff expentropysoftmaxnexttokenlogits The latter term is intuitively the expected next token probability scaled by sqrtetacutoff In the paper suggested values range from 3e4 to 2e3 depending on the size of the model See Truncation Sampling as Language Model Desmoothing for more details diversitypenalty float optional defaults to 00 This value is subtracted from a beams score if it generates a token same as any beam from other group at a particular time Note that diversitypenalty is only effective if group beam search is enabled repetitionpenalty float optional defaults to 10 The parameter for repetition penalty 10 means no penalty See this paper for more details encoderrepetitionpenalty float optional defaults to 10 The paramater for encoderrepetitionpenalty An exponential penalty on sequences that are not in the original input 10 means no penalty lengthpenalty float optional defaults to 10 Exponential penalty to the length that is used with beambased generation It is applied as an exponent to the sequence length which in turn is used to divide the score of the sequence Since the score is the log likelihood of the sequence ie negative lengthpenalty 00 promotes longer sequences while lengthpenalty 00 encourages shorter sequences norepeatngramsize int optional defaults to 0 If set to int 0 all ngrams of that size can only occur once badwordsids ListListint optional List of list of token ids that are not allowed to be generated Check NoBadWordsLogitsProcessor for further documentation and examples forcewordsids ListListint or ListListListint optional List of token ids that must be generated If given a ListListint this is treated as a simple list of words that must be included the opposite to badwordsids If given ListListListint this triggers a disjunctive constraint where one can allow different forms of each word renormalizelogits bool optional defaults to False Whether to renormalize the logits after applying all the logits processors or warpers including the custom ones Its highly recommended to set this flag to True as the search algorithms suppose the score logits are normalized but some logit processors or warpers break the normalization constraints ListConstraint optional Custom constraints that can be added to the generation to ensure that the output will contain the use of certain tokens as defined by Constraint objects in the most sensible way possible forcedbostokenid int optional defaults to modelconfigforcedbostokenid The id of the token to force as the first generated token after the decoderstarttokenid Useful for multilingual models like mBART where the first generated token needs to be the target language token forcedeostokenid Unionint Listint optional defaults to modelconfigforcedeostokenid The id of the token to force as the last generated token when maxlength is reached Optionally use a list to set multiple endofsequence tokens removeinvalidvalues bool optional defaults to modelconfigremoveinvalidvalues Whether to remove possible nan and inf outputs of the model to prevent the generation method to crash Note that using removeinvalidvalues can slow down generation exponentialdecaylengthpenalty tupleint float optional This Tuple adds an exponentially increasing length penalty after a certain amount of tokens have been generated The tuple shall consist of startindex decayfactor where startindex indicates where penalty starts and decayfactor represents the factor of exponential decay suppresstokens Listint optional A list of tokens that will be suppressed at generation The SupressTokens logit processor will set their log probs to inf so that they are not sampled beginsuppresstokens Listint optional A list of tokens that will be suppressed at the beginning of the generation The SupressBeginTokens logit processor will set their log probs to inf so that they are not sampled forceddecoderids ListListint optional A list of pairs of integers which indicates a mapping from generation indices to token indices that will be forced before sampling For example 1 123 means the second generated token will always be a token of index 123 sequencebias DictTupleint float optional Dictionary that maps a sequence of tokens to its bias term Positive biases increase the odds of the sequence being selected while negative biases do the opposite Check SequenceBiasLogitsProcessor for further documentation and examples guidancescale float optional The guidance scale for classifier free guidance CFG CFG is enabled by setting guidancescale 1 Higher guidance scale encourages the model to generate samples that are more closely linked to the input prompt usually at the expense of poorer quality lowmemory bool optional Switch to sequential topk for contrastive search to reduce peak memory Used with contrastive search Parameters that define the output variables of generate numreturnsequences int optional defaults to 1 The number of independently computed returned sequences for each element in the batch outputattentions bool optional defaults to False Whether or not to return the attentions tensors of all attention layers See attentions under returned tensors for more details outputhiddenstates bool optional defaults to False Whether or not to return the hidden states of all layers See hiddenstates under returned tensors for more details outputscores bool optional defaults to False Whether or not to return the prediction scores See scores under returned tensors for more details returndictingenerate bool optional defaults to False Whether or not to return a ModelOutput instead of a plain tuple Special tokens that can be used at generation time padtokenid int optional The id of the padding token bostokenid int optional The id of the beginningofsequence token eostokenid Unionint Listint optional The id of the endofsequence token Optionally use a list to set multiple endofsequence tokens Generation parameters exclusive to encoderdecoder models encodernorepeatngramsize int optional defaults to 0 If set to int 0 all ngrams of that size that occur in the encoderinputids cannot occur in the decoderinputids decoderstarttokenid int optional If an encoderdecoder model starts decoding with a different token than bos the id of that token On this page Creating a readytouse Model endpoint Creating Model endpoint with custom model weights INFERENCE Supported parameters Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Security Groups E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Networking on E2E Cloud Security Groups Security Groups Introduction An E2E Networks Security Group acts as a virtual firewall for your Server Node to control incoming and outgoing traffic Both inbound and outbound rules control the flow of traffic to and traffic from your Server Node respectively Navigate to Security Groups page Please go to MyAccount and log in using your credentials set up at the time of creating and activating the E2E Networks MyAccount After you log in to the E2E Networks MyAccount On the left side of the MyAccount dashboard click on the Security Groups submenu available under the Network section You will be directed to the Manage Security Groups page Working with Security Groups The following sections describe how you can use Security Group Create New Security Group Click on the Security Groups submenu available under the Network section You will be directed to the Manage Security Groups page Click on the Create Security Groups button Click on the Create Security Groups button The Create Security Groups page will appear Inbound Rules When you create a security group it has no inbound rules No inbound traffic originating from another host to your instance is allowed until you add inbound rules to the security group Outbound Rules By default a security group includes an outbound rule that allows all outbound traffic We recommend that you remove this default rule and add outbound rules that allow specific outbound traffic only Name The name for the security group for example my securitygroup A name can be up to 128 characters in length Allowed characters are az AZ When the name contains trailing spaces we trim the spaces when we save the name For example if you enter Test Security Group for the name we store it as Test Security Group Protocol The protocol to allow The most common protocols are 6 TCP 17 UDP and 1 ICMP Port range For TCP UDP or a custom protocol the range of ports to allow You can specify a single port number for example 22808080 ICMP type and code For ICMP the ICMP type and code For example use type 8 for ICMP Echo Request or type 128 for ICMPv6 Echo Request Click on the Create Security Groups button Click on the Create group button then after the new Security Group is created and redirected to the Manage Security Groups page Security Groups Actions Click on the Actions button list out Delete button Click on the Delete button and confirm the same in the pop up menu to delete the chosen Security Group Click on the Actions button list out Make Group default button Click on the Make Group default button to make default security group Associated Node With Security Group Click on the Associated node Details tab to associate a Node Click on the Click Here link to associate a Node Its redirect to Manage Node Page Click on the Security Group tab to associate the security group with Node Note By default at least one security group is attached to the node Click on the Attach Security Group button to attach multiple security groups with Node Click on the button and attach multiple security groups After attaching security groups with Node visible in the Security Groups tab Click on the Detach button to detach the security group from node but at least one Security Group attaches with node Allow All Traffic If you choose to allow all traffic in a security group it means that all inbound and outbound network traffic will be permitted to and from the resources associated with that security group Here is a description of what allowing all traffic entails Inbound Traffic All incoming network traffic from any source IP address IP range or specific IP address will be allowed All protocols eg TCP UDP ICMP and port ranges will be permitted for incoming connections This includes traffic intended for services applications or any other protocol running on your resources Outbound Traffic All outgoing network traffic from your resources will be allowed to any destination IP address IP range or specific IP address All protocols eg TCP UDP ICMP and port ranges will be permitted for outgoing connections This includes traffic generated by your resources such as requests to external services database connections or any other outbound communication Click on the Allow All Traffic button to add new security group Associated Node Actions Click on the Actions button list out View Details button Click on View Details user can redirect to Manage Node list and can see node details Adding Node Click on the Compute Submenu under Products Click on the Add New Node and redirect to the Create Compute Node page Select any plan and click on Create button then redirect to Create Compute Node page Select Security Group under the Node Security section while creating nodes On this page Introduction Navigate to Security Groups page Working with Security Groups Create New Security Group Inbound Rules Outbound Rules Security Groups Actions Associated Node With Security Group Allow All Traffic Associated Node Actions Adding Node Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Introduction E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks Introduction Introduction This feature is provided in order to get in touch with our 24x7 support team whenever required You can create and track support tickets using this page As of now we have 2 categories Cloud Platform For all technical support related to the cloud services Billing Billing and Payment related queries select Billing type tickets Platform Support To access the ticketing portal click on the Platform Support on top You will be redirected to the Platform Support page To create a new ticket click on the Create Platform Support Ticket button You will be redirected to the New Platform Support Ticket page where you can fill the required information Type Choose the respective category of ticket created Subject It can be a tagline for the reported issue Description Please share the issue observed in detail with information like server IP domain name etc and attach the relevant screenshot which can represent the issue Click on the Submit Ticket button and a new platform support ticket will be created The created ticket will be displayed like below and our team will check and reply on the same shortly You can further continue the conversation with our team using the reply button You can fill in the message and also add up attachments as required then select Reply Once the reported issue has been resolved you can close the ticket using the Actions Close button You can submit the closure reply feedback or further comments on the same and then click Close thereby closing the ticket On this page Platform Support Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Database Management in E2E Networks E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Database Management in E2E Networks Database Management in E2E Networks This section of our documentation explains database management or our DBaaS offering and has details on creation configuration and maintenance of databases Our service focuses on providing scalable secure and efficient database infrastructure tailored to be highly performant Key Topics The following sections explain each aspect of database management on E2E Cloud and tips to squeeze the best performance out of it It also contains guidelines on security and backup strategies Introduction to Database Management Benefits of Efficient Database Administration Steps for Creating and Managing Database Clusters Security and Backup Strategies Specific Guidelines for PostgreSQL Specific Guidelines for mongoDB Specific Guidelines for MariaDB E2Es Database Service is designed for performance and scale Get started here On this page Key Topics Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Sign In Process E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation SignUp Process and Myaccount Dashboard Access Sign In Process Sign In Process The customer SignIn with multiple ways in Myaccount of E2E SignIn with credentials SignIn with Google SignIn with GitHub SignIn without Trust the device To sign in normally just put in your email and password and then click the SignIn button If you sign in without trusting the device your session will expire after 15 minutes of inactivity But if you are actively using it you wont be logged out Once you have successfully signed in you will be redirected to the dashboard SignIn with Trust the device If you SignIn with trusting the device your session will expire after 60 days However you can choose to log out manually if you want to end it before that SignIn with Google using Trust the device If you want to SignIn with Google you have to click on SignIn with Google After clicking you will be redirected to Choose an account page Enter your password and click on Next button Click on continue button You will be redirected to below page After a few seconds youll go to the 2Factor Authentication page There enter the OTP sent to your registered number and click the Validate OTP button After logging in with Google successfully you will see the dashboard A popup will appear asking if you want to trust the device If you dont click Trust the device youll be logged out automatically after 15 minutes of inactivity But if you do click Trust the device you will stay logged in with the account for 60 days SignIn with GitHub using Trust the device If you want to SignIn with GitHub you have to click on SignIn with GitHub After clicking you will be redirected to Sign in to GitHub to continue to E2E Networks Limited GitHub Integration page After a few seconds you will go to the 2Factor Authentication page There enter the OTP sent to your registered number and click the Validate OTP button After logging in with GitHub successfully you will see the dashboard A popup will appear asking if you want to trust the device If you dont click Trust the device youll be logged out automatically after 15 minutes of inactivity But if you do click Trust the device you will stay logged in with the account for 60 days On this page SignIn without Trust the device SignIn with Trust the device SignIn with Google using Trust the device SignIn with GitHub using Trust the device Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Welcome to E2E FaaS documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E FaaS documentation Welcome to E2E FaaS documentation Contents Function as a Service FaaS Introduction How to Create Functions Functions Information Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
PostgreSQL E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Database Management in E2E Networks PostgreSQL PostgreSQL Introduction E2Es DBaaS provides a selection of node types optimized to fit different relational database use cases consisting of different database engines Node Cluster configuration comprises varying combinations of CPU memory storage and gives you the flexibility to choose the appropriate mix of resources for your database E2Es Relational DBaaS Service makes it easier for us to set up and operate Relational Databases in the cloud providing us with Costefficient service and automating timeconsuming administrator tasks such as Provisioning Patching and Setups What is PostgreSQL PostgreSQL is a powerful open source objectrelational database system that uses and extends the SQL language combined with many features that safely store and scale the most complicated data workloads The origins of PostgreSQL date back to 1986 as part of the POSTGRES project at the University of California at Berkeley and has more than 35 years of active development on the core platform Why use PostgreSQL PostgreSQL comes with many features aimed to help developers build applications administrators to protect data integrity and build faulttolerant environments and help you manage your data no matter how big or small the dataset In addition to being free and open source PostgreSQL is highly extensible For example you can define your own data types build out custom functions even write code from different programming languages without recompiling your database Link to download PostgreSQL httpswwwpostgresqlorgdownloadlinuxubuntu To configure PostgreSQL kindly click on the following link httpsdocse2enetworkscomdatabasedatabasehtml Connecting to your database Cluster After E2Es database DBS provision of your nodes you can use any standard PostgreSQL client application to connect to a database on the DB instance In this example you connect to a database on a Postgre DB instance using the PostgreSQL commandline tool To connect to your database node using PostgreSQL command line Once your database has been provisioned and its running status You can get the database connectivity information on the dashboard under the connection details Database Name Public IPv4 Username Port Enter the following command at a command prompt on your local or client desktop to connect to a PostgreSQL database psql h host p 5432 U username d database name After this enter the password which you have set for your database Example psql h 1645220889 p 5432 U e2e d postgre After you enter the password for the user you should see output similar to the following On this page Introduction What is PostgreSQL Why use PostgreSQL Connecting to your database Cluster To connect to your database node using PostgreSQL command line Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Code of Conduct of Directors and Senior Management E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks Code of Conduct of Directors and Senior Management Code of Conduct of Directors and Senior Management CSR Policy Terms Conditions for appointment of Independent Directors Whistle blower policy Policy on Related Party Transactions Policy on determination of Material Subsidiary Policy for Determination of material events KMP Authorised to Determine Materiality of events On this page CSR Policy Terms Conditions for appointment of Independent Directors Whistle blower policy Policy on Related Party Transactions Policy on determination of Material Subsidiary Policy for Determination of material events KMP Authorised to Determine Materiality of events Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Careers Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpBring your talents and propel your careerCome and join the E2E TeamJoin a community of freespirited souls who love tech and seamless conversationsBrowse Open PositionsWork With UsWere on a mission to make working life simpler more pleasant and more productive for everyoneWe are a company where young and passionate minds work together with a common goal which is to provide the best service to our customers In order to cater to our everexpanding customer base we are always on the lookout for bright and energetic candidates to be part of our fabulous team Kick start your career with usE2E offers a fun and challenging workplace and an opportunity to work with a worldclass team Our Management consists of experienced entrepreneurs who have launched multiple successful technology ventures in the past mentored upcoming startups and have the expertise in delivering scalable managed solutions for hosting web and enterprise applicationsOur ValuesOur culture is driven by a shared passion to create real value for our clients for our investors and for every member of our teamTransparencyWe operate with the highest standards of transparency in our relationship with our clients our investors and our team This has helped us build strong bridges over timeAutonomyOur culture is driven by a sense of autonomy and accountability which enables us to empower our team and create a strong sense of ownership towards our workInnovationInnovation is at the heart of our company culture which stems from our ambition to stay on the forefront of our domain of businessEqualityWe are an equal opportunity employer and our focus is to create an atmosphere of diversity and without any bias for race caste creed gender and economic backgroundBrowse Open PositionsOpen PositionsCloud Platform EngineerWere looking for inspired and motivated technical contributors to join our team Candidates must have the potential to think methodically execute the process proficiently and communicate the same effectivelyVellore Tamil NaduFullTimeApply nowHR Analyst ManagerThe HR Operations Analyst Manager is responsible for overseeing the analysis and management of HR operations data systems and processes to ensure efficiency accuracy and compliance with organizational policies and regulatory requirements This role involves leading a team of HR analysts coordinating HRIS Implementations and enhancements and collaborating with crossfunctional stakeholders to optimize HR operations and support strategic initiativesNew DelhiFullTimeApply nowAssistant Vice President AVP of FinanceThe Assistant Vice President AVP of Finance plays a crucial role in overseeing and managing the financial functions within the organization This leadership position involves collaborating with various departments to ensure accurate financial reporting strategic financial planning and compliance with regulatory requirements The AVP of Finance will contribute to the overall financial health and success of the organization by implementing sound financial practices and driving efficiency New DelhiFullTimeApply nowSenior Manager FinanceWe are looking for a senior manager in finance with over 8 years of experienceNew DelhiFullTimeApply now Program ManagerWe are seeking a highly organized and experienced Program Manager to join our dynamic team As a Program Manager you will play a crucial role in ensuring the successful and timely delivery of projects and tasks The ideal candidate will have a strong background in project management excellent leadership skills and a deep understanding of agile methodologies If you thrive in a fastpaced environment and have a proven track record of driving projects to successful completion we want to hear from youNew DelhiFullTimeApply nowCant find the perfect positionWe may have an available opportunity for youBuild on the most powerful infrastructure cloudGet Started for FreeContact SalesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
Cloud Load Balancer Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpLoad BalancerThe load balancer is a fullymanaged and highly available load balancing service offered by E2E NetworksThe load balancer distributes incoming traffic for application to multiple backend application nodes which increases the availability of your application by ensuring that the health of a single server doesnt have any impact on overall health of your applicationLaunch GPUContact SalesCheck Out The Pricing By Clicking HereProduct Enquiry Form Name RequiredEmail RequiredPhone RequiredCompany OptionalThank you Your submission has been received An expert from our sales team will contact you shortlyOops Something went wrong while submitting the formTable of ContentsExample H2Example H3Example H4Example H5Example H6Multiple Usecases One SolutionE2Es GPU Cloud is suitable for a wide range of usesBenefits of E2E GPU CloudNo Hidden FeesNo hidden or additional charges What you see on pricing charts is what you payNVIDIA Certified Elite CSP PartnerWe are NVIDIA Certified Elite Cloud Service provider partner Build or launch preinstalled software Cloud GPUs to ease your workNVIDIA Certified HardwareWe are using NVIDIA certified hardware for GPU accelerated workloadsFlexible PricingWe are offering pay as you go model to long tenure plans Easy upgrade allowed Option to increase storage allowedGPUaccelerated 1click NGC ContainersE2E Cloud GPUs have super simple one click support for NGC containers for deploying NVIDIA certified solutions for AIMLNLPComputer Vision and Data Science workloadsTrusted by 15000 ClientsView More Documentation ResourcesHigh availabilityThe load balancer provides a highly available load balancing service It is designed in such a way that it automatically monitors the health of backend nodes by running health checks on them ensuring that backend nodes are available and healthyRead MoreHealth checksThe health checks allow you to monitor the health of each of your services behind the load balancer You can define your own custom health check endpoints to define whats to be considered a healthy response according to your applicationRead MoreSticky sessionsA sticky session refers to the feature of a load balancing solution to route requests from the same client IP to the same target node The E2E load balancer supports the Source IP Hash balancing policy which provides sticky sessions by creating an affinity between a client and a specific backend node ensuring the routing of requests from the same client IP to the same backend nodeRead MoreI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdThis is one of the best cloud server providers as we are part of this provider and using it the service and other things are good and accurateHardeep Singh AhluwaliaSenior Manager IT Infra Successive TechnologiesWe have been using E2E Networks for the past 6 months and I am extremely satisfied with the service and the customer support Their servers are quite reliable and very costeffective especially the GPU machines The team is always ready to solve any problem however small Very happy to make E2E Networks our longterm partnersHarshit AgrawalData Scientist at Studio SirahHave been using E2E Networks infra for a decade now and never had any issues Scootsy ran 80 of the workload on E2E Networks before it was acquired by SwiggyKunal ShethFounder GottaGo Ex CTO at ScootsyAntfarm We at CamCom are using E2E GPU servers for a while now and the priceperformance is the best in the Indian market We also have enjoyed a fast turnaround from the support and sales team always I highly recommend the E2E GPU servers for machine learning deep learning and Image processing purposeMr Uma MaheshCOO at CamCom AIE2E Cloud is NextGen PaaS IaaS provider It is a fully augmented and automated platform that is the best in practice in the current Cloud market We are using E2E Networks for more than 5 years and are very much satisfied with the deliverables They have very affordable pricing and are changemaker in the Indian Hosting IndustryMr Devarsh PandyaFounder at CantechE2E GPU machines are superior in terms of performance and at the same time you end up saving more money compared to AWS and Azure Not to mention the agility and skilled customer support that comes alongArvind SainiVP of Engineering at Crownit GoldVIPThe customer support that E2E has provided us is beyond exceptional Their quick response is what makes them stand apart from others and is second to none in the cloud space Weve been using their GPU instances for our Deep Learning workloads for quite a long time The quality of service is amazing at a competitive price and we strongly recommend E2EAkshay Kumar CFounder COO at Marsviewai incCongratulations Thanks for the fast reliable and costeffective solution for my small startup since Mar 2016Ratul NandiLead Software Engineer Gartner previously CEBYou guys are doing everything perfectly I couldnt ask for anything more Keep it up Very happy with the serviceMr Mayank MalhotraDirector ZenwebnetE2E Networks has helped me reach my 1st goal with its cloud platform They gave us a trial to get used to the service Happy with their product will surely recommend others to try it once Good support so farShahnawaz Alam CTO HW Wellness Solutions Pvt LtdFor most startups AWS EC2 is unnecessarily costly Even better for India get a machine from E2E NetworksNaman SarawagiFounder FindYogiI am very much happy with E2E Networks Pvt Ltd Im using your services for the past year and I have provided E2E with multiple clients Whoever is looking for servers I strongly recommend E2E NetworksProtik BanerjeeRelcode Technology Pvt LtdI had a pleasant experience with E2E Network when I purchase the cPanel license plan They provided the onboarding support when I generated a ticket for the purchase Everything was delivered swiftly without any problemsChaitanyakumar GajjarFounder Infinity Software SolutionsPlease reach out to e2e networks if you need any cloud services their service is awesome I want to rate 55 for their servicesShreekethIssaniWe are using E2E Cloud servers since last 2 years Very happy with costeffective and highperformance compute nodes We were able to reduce our hosting expenses by 40 without compromising on quality security and stabilityVinod PandeyCofounder CTO myCBSEguideReally good service from E2E Networks And at very affordable prices We are satisfied with them The Cloud console access feature is a very good and very easy user interface And I am satisfied with the service features and Highperformance network for data uploaddownloadVarun SharmaCeo WebFreakSolutionEasy to Manage Easy to pay Low Cost Charan SinghSr Manager Crayons Advertising Pvt LtdI have been using E2E Cloud for almost a year now These guys are the most professional of all the cloud providers in India They have absolutely reliable products and also charge the lowest rate I would like to recommend it to all who are looking for COST Effective cloud serversNaresh KumarSystem Administrator Aravali College of Engg MgmtOur experience with E2E has been better than AWS as our website is performing better both in terms of latency and uptime Since E2E provides plans that are simple to understand implement and are a complete package our efforts are concentrated on the development and not on maintaining the infrastructureArjun GuptaSenior Manager Pharma Synth Formulations LimitedWe have been using Kubernetes cluster on E2E Cloud and are reasonably satisfied with its performance We were able to reduce our costs by 40 after migrating from Azure My big thanks to the E2E Cloud team for launching a Cloud and helping Indian startups in reducing their cloud costsAmarjeet SinghCoFounder CTO ZenatixThe platform is comfortable support is good 2 years anniversary completed in E2EMr Yonti LevinCoFounder CTO at LooraAbout UsE2E Networks Ltd is an Indiafocused Cloud Computing Company pioneering the introduction of contractless cloud computing for Indian startups and SMEs The E2E Networks Cloud has been employed by numerous successfully scaledup startups such as Zomato Cardekho Healthkart Junglee Games 1mg and many others It played a crucial role in facilitating their growth from the startup stage to achieving multimillion Daily Active Users DAUsLearn MoreWhat Our Customers SayFor over a decade we have delighted our customers with stellar infrastructure and supportI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdPress and Media MentionsListed on NSE Emerge Backed by Blume Ventures Loved by PressFrequently Asked QuestionsHow is the monthly pricing calculated Monthly prices shown are calculated using an assumed usage of 730 hours per month actual monthly costs may vary based on the number of days in a monthDo you include Tax in the prices listed on the website No price is exclusive of any taxes all plan pricing is subject to an 18 GST rate Build on the most powerful infrastructure cloudGet Started for FreeContact SalesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
Security in E2E Networks E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Security in E2E Networks Security in E2E Networks The Security section of our documentation addresses critical aspects of network and data security It covers a range of topics aimed at enhancing the safety and integrity of our users data and network infrastructure The topics covered in the sections below show you how to configure firewall bitninja ssh key management setting password policies and general best practices Key Topics Check the following sections to dive into detail on each Firewall Configurations Bitninja Security General Security Best Practices SSH Key Management Audit Log Maintenance Password Policy TwoFactor Authentication These guidelines are essential for users looking to implement robust security protocols and protect their network environments Get started here On this page Key Topics Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Account Statement E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks Account Statement Account Statement The account statement is a summary of financial transactions and usages which have occurred over a given period on a MyAccount held by you This help article describes how to viewread various reports under the account statement section of MyAccount You can refer to the E2E Networks pricing for an overview of our products and service along with the prices Logging into E2E Networks MyAccount Portal Please go to E2E MyAccount Portal and log in using your credentials set up at the time of creating and activating the E2E Networks My Account Navigate to Account Statement Log in to your account using your credentials On the left side of the MyAccount dashboard click on the Account Statement submenu available under the Billing Payment section You may also click on Account Statement on the title of Getting Started on the dashboard For a postpaid customer the following screen shall be shown and This account statement screen will have Invoice Ledger Usage Details Credit Notes and Cost analysis reports tabs related to your MyAccount If you are a prepaid customer the following screen shall be shown This account statement screen will have Invoices Ledger Usage Details Credit Notes Infra Credit Details and TDS Details reports tabs related to your MyAccount Note If you have not used any products or services then there will be no records available in the account statement reports Viewread various reports Ledger Ledger statements may take up to 3 hours to reflect new transactionsCertain exceptional transactions such as payments done in our bank may take up to 2 working days to reflect here Please check here the payment options available Ledger Report can be downloaded in PDF format for four durations This Month This Quarter This Year Custom Range Invoices At the end of a billing cycle or at the time you purchase infra credits then E2E Networks issues your invoice as a PDF file All the generated invoices for your account available under the Invoices report and you can download the PDF invoice on click the download button The status of each individual invoice is shown The table below gives the meaning of each status value Status Name Meaning 1 Unsigned Invoice The issued invoice is not digitally signed Invoices are signed within 1 business day 2 Unpaid Invoice is issued to the customer and payment is to be done 3 Paid Payment is made by the customer and the invoice is settled 4 Partially Paid Payment is made partially and the invoice is not fully settled 5 Overdue Invoice is not paid and the due date has already passed Note It may take up to 3 hours to get updated status of an invoice after an online payment is done To download the invoice you require choose the Invoice and click on the Download link in PDF format Sample screenshot for postpaid Sample screenshot for prepaid Credit Notes The credit notes report shall have details of credit notes issued by E2E Networks to you To download the credit note you require choose and click on the Download link Sample screen snapshot for postpaid customers Infra Credit Details This tab will be shown only for customer who has purchased Infracredits from E2E Networks This section shall show debit and credit transactions done using infra credits as per the usage of services and products in your account You can also see a summary of infra credits used and infra credits available in your account Reference screen snapshot Usage Details The Usage Details report provides information about your usage of E2E Networkss products and services and infra credits used for the respective product and service usage This report will be available to you if using a prepaid billing system Reference screen snapshot for Postpaid You can filter the usage report data and also download usage detail reports either in Excel or PDF by clicking on the icon Reference screen snapshot for Prepaid TDS Details The statement of infra credits that are on hold would be available under the TDS details statement report only if TDS deduction service opted by you and using a prepaid billing system Sample screen snapshot Cost Analysis Cost Analysis allows you to visualize your cost and usage analyze your cost drivers and usage trends and set up notifications Sample screen snapshot for Prepaid Sample screen snapshot for Postpaid Itemised Usage Details Itemised usage details allows you to visualize item quantity and amount as per uses Reference screen snapshot Monthly Usage Details Monthly usage details allows you to visualize item quantity Reigon Rate and amount as per uses Recent Transactions Recent Transactions details allows you to visualize Recent transactions On this page Logging into E2E Networks MyAccount Portal Navigate to Account Statement Viewread various reports Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Tir Launch GPUbacked Jupyter Notebook on E2E Cloud Train and Build Advanced Machine Learning Models Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpLaunch Tir E2E Clouds Flagship Machine Learning Platform Tir is built on top of Jupyter Notebook an advanced webbased interactive development environment offered by E2E Cloud It provides users with the latest features and functionalities including JupyterLab a cuttingedge interface for working with notebooks code and data JupyterLab empowers users to effortlessly customize and streamline their workflows across diverse domains like data science scientific computing computational journalism and machine learningLaunch GPUContact SalesUsers have the flexibility to configure and organize their workflows according to their specific needs and preferences The modular design of JupyterLab also enables the integration of extensions allowing users to expand and enhance its functionality to suit their specific needs Most importantly Tir allows you to take control of your data science stack without having to rely on additional help Learn more about Jupyter Notebook GPU Jupyter Notebook Product Enquiry Form Name RequiredEmail RequiredPhone RequiredCompany OptionalThank you Your submission has been received An expert from our sales team will contact you shortlyOops Something went wrong while submitting the formCollaborate with your team in realtime enabling multiple users to work on the same notebook simultaneouslyWhen using Jupyter Notebook through E2E Cloud you can expect the following technical specificationsFlexible and Scalable InfrastructureLatest Jupyter Notebook VersionMultiLanguage SupportMultiInstance GPU MIGFlexible and Scalable InfrastructureE2E Cloud provides a robust infrastructure to support Jupyter Notebook ensuring high performance and scalability for your computational needs You can easily scale up or down your resources based on your requirementsLatest Jupyter Notebook VersionE2E Cloud keeps up with the latest versions of Jupyter Notebook ensuring that you have access to the most recent features improvements and bug fixesMultiLanguage SupportJupyter Notebook offers comprehensive support for multiple programming languages including Python R Julia and numerous others This extensive language support allows users to work with their preferred programming languages and take advantage of the vast ecosystem of libraries and tools available in each language Notebook Sharing and CollaborationE2E Clouds Jupyter Notebook environment enables seamless sharing and collaboration You can share your notebooks with team members or the wider community facilitating collaborative research code reviews and knowledge exchangeTir E2E Clouds PricingStart your GPUbacked Jupyter Notebook journey on E2E Cloud today and experience the power and flexibility of accelerated computing combined with a reliable and costeffective cloud infrastructurePlanCPUPriceRAMC38GBFree4 CPUFree Tier8GB RAMTry for FreeC38GB4 CPU31hr8GB RAMTry for FreeC316GB8 CPU61hr16GB RAMTry for FreeC332GB16 CPU123hr32GB RAMTry for FreeRead MoreGet StartedOur sales representatives are available at 911140844965 and salese2enetworkscom Price is exclusive of 18 GST Rate Monthly Prices shown are calculated using an assumed usage of 730 hrmonth actual monthly costs may vary based on the number of days in a monthTable of ContentsExample H2Example H3Example H4Example H5Example H6Why launch a Jupyter Notebook on E2E CloudLaunching GPU Jupyter Notebooks on E2E Cloud offers numerous advantages making it an ideal choice for users Here are USPs of why people should choose E2E Cloud for launching GPU Jupyter Notebooks1 CosteffectivenessE2E Cloud provides highly competitive pricing in the Indian and global markets offering costeffective solutions for running GPU Jupyter Notebooks This allows users to optimize their expenses while benefiting from powerful GPU capabilities2 Industryleading infrastructure E2E Cloud is a NSEListed AIFirst Hyperscaler known for its robust and reliable infrastructure By choosing E2E Cloud users can leverage a stable and secure environment for running GPU Jupyter Notebooks3 Flexible perhour pricing E2E Cloud offers flexible perhour pricing options allowing users to pay only for the resources they consume This pricing model enables cost optimization and scalability as users can scale their GPU Jupyter Notebooks as per their requirements4 Highperformance GPUs E2E Cloud supports running NVIDIA GPUs which are renowned for their exceptional performance in various computeintensive tasks including machine learning and data analysis Users can benefit from industryvetted GPU performance for their Jupyter Notebook workloads5 Global accessibility E2E Cloud caters to customers not only in India but also in the global market Users from different geographic locations can launch GPU Jupyter Notebooks on E2E Cloud enjoying its competitive pricing powerful infrastructure and extensive capabilities regardless of their locationRelated Blogs ResourcesLaunch of Tir Jupyter Notebook on E2E CloudE2E Cloud has recently launched Jupyter Notebook As a Service In this blog learn how you as a data scientist can leverage itRead MoreHow Can Data Scientists Leverage The Power of GPU Jupyter Notebooks To Accelerate Deep Learning TasksJupyter Notebooks play a crucial role in data science because they significantly contribute to the entire data analysis and modeling processRead MoreHow can E2E Clouds competitive pricing and performance enhance your GPU Jupyter Notebook experienceIn the realm of data science and technical research Jupyter Notebook has emerged as an indispensable tool revolutionizing the way professionals work with data experiment with code and collaborate on projects Read MoreDevelop and train machine learning models using popular frameworks like TensorFlow PyTorch or Scikitlearn within Jupyter NotebookRealworld use cases that showcase why E2E Cloud should be the preferred choice for launching GPU Jupyter NotebooksDeep Learning and Neural NetworksE2E Clouds GPU Jupyter Notebook environment enables researchers and data scientists to train complex deep learning models efficiently By leveraging the power of GPUs they can accelerate the training process enabling faster iterations and better model performanceData Analytics and VisualizationWith the ability to handle large datasets and perform complex data transformations GPU Jupyter Notebooks on E2E Cloud are ideal for data analytics and visualization Users can leverage GPUs to accelerate computations enabling faster data exploration analysis and visualizationTraining and Launching LLMsTraining and launching Large Language Models LLMs involves collecting a diverse dataset preprocessing the data selecting an appropriate model architecture such as transformerbased models training the model using powerful hardware and computational resources tuning hyperparameters evaluating model performance and deploying the model for use Ethical considerations including bias detection and mitigation privacy and transparency should be addressed throughout the process Continuous monitoring and iteration are crucial for improving the models performance and addressing any limitations or biases that may arise during realworld usageFinancial Modeling and Quantitative AnalysisFinancial modeling and quantitative analysis demand highperformance computing capabilities By utilizing GPU Jupyter Notebooks on E2E Cloud finance professionals can leverage GPUs for rapid financial modeling risk analysis and algorithmic trading strategiesData Science and Machine LearningData Science is an interdisciplinary field that combines statistics mathematics computer science and domain expertise to extract insights and knowledge from structured and unstructured data Machine learning is a subset of artificial intelligence that focusses on developing algorithms and models that enable computers to learn from data and make predictionsAccelerate Machine Learning and Deep Learning Workloads with up to 70 costsavingsBenefits of E2E GPU CloudNo Hidden FeesNo hidden or additional charges What you see on pricing charts is what you payNVIDIA Certified Elite CSP PartnerWe are NVIDIA Certified Elite Cloud Service provider partner Build or launch preinstalled software Cloud GPUs to ease your workNVIDIA Certified HardwareWe are using NVIDIA certified hardware for GPU accelerated workloadsFlexible PricingWe are offering pay as you go model to long tenure plans Easy upgrade allowed Option to increase storage allowedGPUaccelerated 1click NGC ContainersE2E Cloud GPUs have super simple one click support for NGC containers for deploying NVIDIA certified solutions for AIMLNLPComputer Vision and Data Science workloadsHow E2E GPU Cloud is helping Cloud Quest in their gaming journeyLatency is a critical part of Cloud Gaming E2E GPU Cloud provided ultralow network latency to Cloud Quest users and enhanced their gaming experienceTrusted by 15000 ClientsView More What Our Customers SayFor over a decade we have delighted our customers with stellar infrastructure and supportI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdThis is one of the best cloud server providers as we are part of this provider and using it the service and other things are good and accurateHardeep Singh AhluwaliaSenior Manager IT Infra Successive TechnologiesWe have been using E2E Networks for the past 6 months and I am extremely satisfied with the service and the customer support Their servers are quite reliable and very costeffective especially the GPU machines The team is always ready to solve any problem however small Very happy to make E2E Networks our longterm partnersHarshit AgrawalData Scientist at Studio SirahHave been using E2E Networks infra for a decade now and never had any issues Scootsy ran 80 of the workload on E2E Networks before it was acquired by SwiggyKunal ShethFounder GottaGo Ex CTO at ScootsyAntfarm We at CamCom are using E2E GPU servers for a while now and the priceperformance is the best in the Indian market We also have enjoyed a fast turnaround from the support and sales team always I highly recommend the E2E GPU servers for machine learning deep learning and Image processing purposeMr Uma MaheshCOO at CamCom AIE2E Cloud is NextGen PaaS IaaS provider It is a fully augmented and automated platform that is the best in practice in the current Cloud market We are using E2E Networks for more than 5 years and are very much satisfied with the deliverables They have very affordable pricing and are changemaker in the Indian Hosting IndustryMr Devarsh PandyaFounder at CantechE2E GPU machines are superior in terms of performance and at the same time you end up saving more money compared to AWS and Azure Not to mention the agility and skilled customer support that comes alongArvind SainiVP of Engineering at Crownit GoldVIPThe customer support that E2E has provided us is beyond exceptional Their quick response is what makes them stand apart from others and is second to none in the cloud space Weve been using their GPU instances for our Deep Learning workloads for quite a long time The quality of service is amazing at a competitive price and we strongly recommend E2EAkshay Kumar CFounder COO at Marsviewai incCongratulations Thanks for the fast reliable and costeffective solution for my small startup since Mar 2016Ratul NandiLead Software Engineer Gartner previously CEBYou guys are doing everything perfectly I couldnt ask for anything more Keep it up Very happy with the serviceMr Mayank MalhotraDirector ZenwebnetE2E Networks has helped me reach my 1st goal with its cloud platform They gave us a trial to get used to the service Happy with their product will surely recommend others to try it once Good support so farShahnawaz Alam CTO HW Wellness Solutions Pvt LtdFor most startups AWS EC2 is unnecessarily costly Even better for India get a machine from E2E NetworksNaman SarawagiFounder FindYogiI am very much happy with E2E Networks Pvt Ltd Im using your services for the past year and I have provided E2E with multiple clients Whoever is looking for servers I strongly recommend E2E NetworksProtik BanerjeeRelcode Technology Pvt LtdI had a pleasant experience with E2E Network when I purchase the cPanel license plan They provided the onboarding support when I generated a ticket for the purchase Everything was delivered swiftly without any problemsChaitanyakumar GajjarFounder Infinity Software SolutionsPlease reach out to e2e networks if you need any cloud services their service is awesome I want to rate 55 for their servicesShreekethIssaniWe are using E2E Cloud servers since last 2 years Very happy with costeffective and highperformance compute nodes We were able to reduce our hosting expenses by 40 without compromising on quality security and stabilityVinod PandeyCofounder CTO myCBSEguideReally good service from E2E Networks And at very affordable prices We are satisfied with them The Cloud console access feature is a very good and very easy user interface And I am satisfied with the service features and Highperformance network for data uploaddownloadVarun SharmaCeo WebFreakSolutionEasy to Manage Easy to pay Low Cost Charan SinghSr Manager Crayons Advertising Pvt LtdI have been using E2E Cloud for almost a year now These guys are the most professional of all the cloud providers in India They have absolutely reliable products and also charge the lowest rate I would like to recommend it to all who are looking for COST Effective cloud serversNaresh KumarSystem Administrator Aravali College of Engg MgmtOur experience with E2E has been better than AWS as our website is performing better both in terms of latency and uptime Since E2E provides plans that are simple to understand implement and are a complete package our efforts are concentrated on the development and not on maintaining the infrastructureArjun GuptaSenior Manager Pharma Synth Formulations LimitedWe have been using Kubernetes cluster on E2E Cloud and are reasonably satisfied with its performance We were able to reduce our costs by 40 after migrating from Azure My big thanks to the E2E Cloud team for launching a Cloud and helping Indian startups in reducing their cloud costsAmarjeet SinghCoFounder CTO ZenatixThe platform is comfortable support is good 2 years anniversary completed in E2EMr Yonti LevinCoFounder CTO at LooraPress and Media MentionsListed on NSE Emerge Backed by Blume Ventures Loved by PressAbout UsE2E Networks Ltd is an Indiafocused Cloud Computing Company pioneering the introduction of contractless cloud computing for Indian startups and SMEs The E2E Networks Cloud has been employed by numerous successfully scaledup startups such as Zomato Cardekho Healthkart Junglee Games 1mg and many others It played a crucial role in facilitating their growth from the startup stage to achieving multimillion Daily Active Users DAUsLearn MoreFrequently Asked Questions FAQsWhy choose E2E Cloud for launching your GPU Jupyter Notebook Here are 10 frequently asked questions to help you make an informed decisionWhat is a GPUbacked Jupyter Notebook and how does it benefit data scientists and machine learning practitioners A GPU backed Jupyter Notebook combines the power of JupyterLab a versatile webbased development environment with GPU capabilities for accelerated computing It enables data scientists and ML practitioners to leverage GPUs for faster computation making complex tasks more efficient and scalable Why should I choose E2E Cloud for my GPU backed Jupyter Notebook deployment E2E Cloud is a highly reputed cloud infrastructure company with a strong presence in the GPU cloud provider market Our competitive pricing both in India and globally ensures costeffectiveness without compromising performance With E2E Cloud you get industryvetted GPU performance coupled with flexible perhour pricingCan I run NVIDIA GPUs on E2E Cloud for my GPU backed Jupyter Notebook Absolutely E2E Cloud supports NVIDIA GPUs allowing you to harness their power for your data science and machine learning workloads Benefit from the cuttingedge capabilities of NVIDIA GPUs while enjoying the convenience and flexibility of E2E Clouds infrastructureAre there any limitations on the GPU resources I can access on E2E Cloud E2E Cloud provides access to a wide range of GPU resources to cater to different requirements Whether you need entrylevel GPUs or highend models E2E Cloud offers flexibility in choosing the right GPU resources to match your workload demandsIs there any flexibility in pricing for GPU backed Jupyter Notebook Yes E2E Cloud offers flexible perhour pricing for your GPU backed Jupyter Notebook instances This means you only pay for the computing resources you use providing costefficiency and scalability for your projectsHow does E2E Clouds pricing compare to other cloud providers in the market E2E Cloud is known for its highly competitive pricing in the Indian and global markets Our rates are lower compared to many other cloud providers making us an ideal choice for costconscious customers seeking topnotch GPU infrastructureCan I customize and configure my GPUbacked Jupyter Notebook environment on E2E Cloud Absolutely With E2E Cloud you have complete control over your GPU Jupyter Notebook environment You can easily configure and arrange workflows in JupyterLab install custom packages and leverage the modular design to extend functionality based on your specific needs Is E2E Cloud suitable for both smallscale projects and largescale deployments Yes E2E Cloud caters to projects of all sizes ranging from smallscale experiments to largescale deployments Our infrastructure is designed to scale seamlessly ensuring that you can meet the demands of your projects regardless of their sizeCan I collaborate and share my GPUbacked Jupyter Notebook projects with others on E2E Cloud Yes E2E Cloud supports collaboration and sharing features for your GPU Jupyter Notebook projects You can easily share notebooks collaborate with team members and foster a productive environment for data science and machine learning initiatives How reliable and secure is E2E Cloud for hosting my GPUbacked Jupyter Notebook E2E Cloud prioritizes reliability and security With robust infrastructure industrystandard security measures and regular backups we ensure the safety and integrity of your GPU Jupyter Notebook instances Focus on your work with peace of mind knowing that your data is in capable handsHow is the monthly pricing calculated Monthly prices shown are calculated using an assumed usage of 730 hours per month actual monthly costs may vary based on the number of days in a monthDo you include Tax in the prices listed on the website No price is exclusive of any taxes all plan pricing is subject to 18 GST rateLearn more about E2E Networks E2E Networks Ltd is an India focused Cloud Computing Company and the first to bring contractless cloud computing to the Indian startups and SMEsCofounded by veterans Tarun Dua and Mohammed Imran E2E Networks Cloud was used by many of the successfully scaledup startups like ZomatoCardekhoHealthkartJunglee Games1mg and many more to scale during a significant part of their journey from startup stage to multimillion DAUs Daily Active UsersIn 2018 E2E Networks Ltd issued its IPO through NSE Emerge and was oversubscribed 70 times Today E2E Networks is the largest NSE listed Cloud Provider having served more than 10000 customers and having thousands of active customersE2E Networks is the platform of choice for Cloud Infrastructure used by Indian entrepreneurs since 2009Will my billing stop if I switch off the server No The billing will continue even if you switch off the server as we cannot provide the same server to any other customer Only when the server is terminated deleted the billing stops Customers can attach the Block storage with E2E Cloud GPUs save all the data in the Block storage take the image and then terminate the Cloud GPUs Next time whenever they need a Cloud GPU server can be launched from the saved image and attached with the block storageStart your GPUbacked Jupyter Notebook journey on E2E Cloud today and experience the power and flexibility of accelerated computing combined with a reliable and costeffective cloud infrastructureBuild on the most powerful infrastructure cloudGet Started for FreeContact SalesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
Abuse Logs E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E Abuse documentation Abuse Logs Abuse Logs Login to MyAccount at httpsmyaccounte2enetworkscomaccountslogin via your registered E2E Customer login Credentials You will be directed to the Dashboard page Click on the Settings menu from the left panel menu Click on the Abuse Logs submenu You will be directed to the Abuse Logs page Click on the Download button to download and view the abuse logs status Please contact us at cloudplatforme2enetworkscom if you have any queries Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Welcome to E2E Bitnami 1Click Deployment documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Cloud Compute Notes Management Welcome to E2E Bitnami 1Click Deployment documentation Welcome to E2E Bitnami 1Click Deployment documentation Get started Bitnami Moodle Deployment What is Moodle Why use the Bitnami Moodle Stack Where To Find Moodle Console MySQL credentials How To access the Moodle console More Tutorials and documentation Bitnami Drupal Deployment What is Drupal Why use the Bitnami Drupal Stack Where To Find Drupal Console MySQL credentials How To access the Drupal console More Tutorials and documentation Bitnami Redmine Deployment What is Redmine Why use the Bitnami Redmine Stack Where To Find Redmine Console MySQL credentials How To access the Redmine console More Tutorials and documentation Wowza Oneclick Deployment Video Streaming Using Wowza Bitnami Wordpress Deployment What is Wordpress Why use Bitnami wordpress stack Where To Find Wordpress Console credentials How To access the Wordpress console More Tutorials and documentation Bitnami Django Deployment What is Django Why use the Bitnami Django Stack Bitnami Django Tutorials and documentation List Of Bitnami Django Stack Included Components Where To Find MySQL PostgreSQL credentials How do I access Sample Django Project Using Browser Bitnami Redis Deployment What is Redis Why Redis on Cloud Why use the Bitnami Redis Stack Where To Find Redis credentials How to open Redis 6379 port using UFW Firewall How to disable Redis passwordbased authentication Bitnami GitLab Deployment What is Gitlab Why use the Bitnami Gitlab Stack Bitnami Gitlab CE Tutorials and documentation Where To Find Gitlab Administration Panel credentials How do I access my Gitlab Administration Panel Using Browser How to create a Continuous IntegrationCI Pipeline with GitLab and Jenkins Bitnami Magento Deployment What is Magento Why use the Bitnami Magento Stack Where To Find Magento Console MySQL credentials Bitnami Magento Tutorials and documentation Bitnami Joomla Deployment What is Joomla Why use the Bitnami Joomla Stack Bitnami Joomla Tutorials and documentation List Of Bitnami Joomla Stack Included Components Where To Find Joomla Console MySQL credentials How To access Joomla console How to open MySQL 3306 port using UFW Firewall Bitnami Nodejs Deployment What is Nodejs Why use the Bitnami Nodejs Stack Bitnami Nodejs Tutorials and documentation Where To Find Redis credentials List Of Bitnami Nodejs Stack Included Components How do I access my nodejs application Using Browser Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Spam Email E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E Abuse documentation Spam Email Spam Email Introduction What is spam email Different types of spam email How to take steps to resolve it Spam email is unsolicited and unwanted junk email sent out in bulk to an indiscriminate recipient list Spam can be a result of a misconfigured mail server compromised servers and or email accounts being compromised The main issue of spam email is that it would prevent your legitimate emails transactional mails etc to be delivered to customers and it would result in poor reputation of your company Apart from the general hygiene of servers like ensuring security updates having strong passwords for your email accounts and in general following the best practices of server security we also recommend the following to ensure reliable delivery of your emails 11 Ways on how not to end up on the spambulk folder You dont need to actually spam these days to end up on bulk or spam folder It just takes a bit of patience to get out of there there is no magic bullet or red pill to do the job quickly and painlessly It is incredibly frustrating to deal with some largish Internet companies these days where the attitude is our machinesalgorithms are smarter than you Avoid spam friendly hosting providers Dont host your sites at spam friendly hosting providers If you are on a shared hosting service dont abuse the resourcesand dont host on a provider who lets other shared hosting customers abuse the resources Check against some known spam blacklists Request customers to add From address to addressbook Requesting your customers to add your newsletter From address to their addressbooks seems to help esp with some providers Limit rate of emails Rate limiting number of emails per minute is a good idea otherwise its considered DoS type abuse of services by email providers most will send you to a tarpit Provide communication channels Keep the lines of communication open at your own postmaster abuse addresses list out a phone number for abuse complaints listen to the bounces and customer feedback Do not send email from unmonitored email IDs and rub it in by calling them donotreply or similar Maintain logs Logs are you friends log all email send actions in your web application Use more sender frameworks Guard your reputation against joejob accusations by using one or more sender identificationauthenticationreputation frameworks like SPF and DKIM Maintain DNS reverse records Make sure you have DNS reverse records for your MTA Avoid DSL for bulk mailing Never use a bulk mailing software from your home DSL connection Dont send emails to uninterested customers Most indian companiesjob sites mutual funds banks online travel companies with a few notable exceptions credit card companies and most of the social networks dont give a damn if a customer doesnt want to receive their emails or SMSes Dont be like them Differentiate yourself Add unsubscribe option Add a one click unsubscribe and ability to delete the account of a subscriber by the subscriber herself from your webservice A nontedious one click unsubscribe not requiring a person to login to your site goes a long way in avoiding subscriber anger and consequent hitting of this is spam button in frustration Also if one is running a social network allowing a digest style bunching of invitesreferralssharesratings and other communication received over a dayweek Important Tips Postmaster or abuse addresses of large email providers do respond to your requests to whitelist provided your customers optedin to receive email on the topic you are sending them email it is not ok to send marketing emails to customers who signed up to receive some kind of alerts make it as easy to unsubscribe for customers as atleast as easy as it is to hit the spam button see point 11 Honest mistakessay your server got cracked and sent out a million viagra emails are forgiven more easily than willful spamming Get expert help and Contact Us Please note that this document is provided for the benefit of our customers and the community at large E2E Networks is not responsible for any inadvertent issues arising out of trying out any of the advise here or using by any of the tools In case any of your server at E2E Networks is compromised Please note that during the entire process we request you to communicate and kindly take immediate action to fix the issue as the lack of response or resolution of the issue would be a contravention of IT Act 2000 and would lead to disabling of the public network On this page Introduction Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2E Networks Documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks Documentation Welcome to E2E Networks platform documentation E2E Networks Limited is Indias leading NSElisted AIfirst hyperscale cloud provider Here users will find detailed guides tutorials and troubleshooting tips covering a wide range of topics from CPU and GPU compute usage to TIR AI Platform Kubernetes services Terraform our ecosystem of cloud technologies our APIs and SDK storage solutions and about our DBaaS platform You will also find help on our Billing and Payment system security and our processes for handling abuse You will also find tutorials that help you get started with building applications in the AIML domain Finally you can also check out our release notes for latest features fixes and updates released on Myaccount Getting Started To get started head to Myaccount and follow the sign up process explained here Note that the process is slightly different for Indian individiuals Indian organizations and International organizations Click here to get started Our AIFirst Infrastructure E2E Networks advanced cloud GPUs offer developers unprecedented access to highperformance computing resources essential for tackling intensive tasks like machine learning deep learning and complex data analytics Our GPUs ranging from HGX 8xH100 A100 clusters L4OS T4 and others are integrated into E2Es cloud infrastructure and provide a highend platform to developers for AI inference and development Get started with our GPU nodes here TIR AI Platform TIR is a modern AI Development Platform designed to tackle the friction of training and serving large AI models TIR uses highly optimised GPU containers NGC preconfigured environments pytorch tensorflow triton automated API generation for model serving shared notebook storage and much more Learn more about TIR here On this page Getting Started Our AIFirst Infrastructure TIR AI Platform Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
How to install WordPress multisite using cPanel Softaculous E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks How to install WordPress multisite using cPanel Softaculous How to install WordPress multisite using cPanel Softaculous Allow us to demonstrate the seamless installation process of a software application with just a few clicks using Softaculous within the cPanel environment Login to cPanel If you do not remember cPanel login details feel free to reach our support or click refer to reset password Select WordPress from Softaculous App Installer Click on Install Now That will select the latest version of WordPress version available under Softaculous app installer Select HTTPS protocol We offer FREE SSL for domains hosted under Shared hosting plans which use our hosting plans nameservers Select the correct domain name It is recommended to remove WP from directory field Softaculous by default populate a default directory name to avoid users overwrite an existing WordPress installation under domain root folder Select Enable Multisite WPMU This will create a WordPress Multisite installation once you complete the setup It is recommended to follow these additional configurations to keep your WordPress secure by enabling autoupdate and daily backups Still have any questions related to WordPress Multisite installation Feel free to contact our support and our representative will be right here to assist you Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
How to reserve an IP address E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Networking on E2E Cloud How to reserve an IP address How to reserve an IP address Reserve IP address You can reserve IP addresses from MyAccount A Reserved IP address is a public IPv4 address Reserving an IP address ensures that an IP address will be reserved for your MyAccount This can be used for dynamic cloud computing and it is reachable from the internet You can use reserve IPs to create cloud server infrastructures without any single points of failure With a reserved IP address you can mask the failure of a resource due to increased system load or website by rapidly remapping the address to another instance in your MyAccount Or you can dynamically update the backend resources of your applications and websites by reassigning the Reserve IP address with an insignificant downtime if at all For example since DNS propagation takes time when A records of a domain name are changed reserving an IP address allows you to reassign the IP address to a new resource without updating your domain name A records this is useful especially when you are moving to a different Node series for example C2 series to Smart Dedicated series The following are the basic characteristics of a Reserve IP address To use a Reserve IP address for your MyAccount you need to first reserve one IP either from an IP address pool or reserve your resources default public IPv4 address Only after that you can use it as an AddOn IP or Primary Public IP address You can attach a reserve IP address as addon IP with a resource which is going to associate with the resources primary network interface and work as an additional IP address Kindly note that resources primary public IPv4 static address will not be released back into E2E Networkss pool of public IPv4 addresses after attaching additional addon Reserve IP You can also use a reserved IP address as the primary public IP address of a resource while creating a new Node Load Balancer Note You will get a random static primary public IP for the newly created resource if you have not assigned a reserved IP as a primary public IP while creating a resource node or load balancer There is an option available to change the default primary public IPv4 static address which will work as the resources primary network interface Kindly note that resources default primary public IPv4 address will be released back into E2E Networkss pool of public IPv4 addresses when detached without reserving it You have the flexibility of detaching a Reserve IP address from a resource which is either used as addon IP or primary public IP address of a resource and you can reattach it to a different resource The detached reserve IP address will remain reserved for your MyAccount until you explicitly release it Whenever you Reserve an IP address it will be billed at 199 excluding GST per calendar month whether its in use or not If you are a prepaid customer infra credits will be deducted as soon as an IP address is reserved If you are a postpaid customer the relevant charges will be added to your monthly invoice To ensure efficient use of Reserve IP addresses there is a default limit of reserve IP for your MyAccount If your use case requires more IP you may request for Increase IP Limit Navigate to Manage Reserve IP page Please go to My Account and log in using your credentials set up at the time of creating and activating the E2E Networks My Account After you log in to the E2E Networks My Account On the left side of the MyAccount dashboard click on the Reserved IP submenu available under the Networking section You will be directed to the Manage Reserved IP page Working with Reserve IP addresses The following sections describe how you can use Reserve IP addresses Reserve a New IP address Click on the Reserve New IP button to reserve a new public IP from the IP address pool for your MyAccount The Reserve New IP popup window will appear Again clickon Reserve a new IP button after reading the information on the popup box The new Reserve IP will be listed in the table of the Manage Reserved IP page This new Reserve IP status will be Available because its not attached to any resource Reserve Resources Public IP Click on the Reserve Resource IP button to reserve the primary public IP address of your resources any nodes or load balancer instance The Reserve Resource IP popup window will appear In the Select Product fields dropdown list please select the product type Currently node and load balancer IPs can be reserved After selecting the product please select the resource from the Select Resource dropdown list Then click on the Reserve IP button after reading the information on the popup window The public IP of the resource will be reserved now and it will be listed in the table along with Reserve IPs Status Assigned to information The status will be Unavailable which means that IP is already attached to an existing resource When the status is Unavailable you cannot attach this Reserve IP to another resource unless it is detached from the resource or the resource to which the Reserve IP originally belongs is terminated Attach Reserve IP as an Addon IP You can attach a Reserve IP as an addon IP to either a load balancer or a node For this click on the Actions button and select the Attach IP Note You are not allowed to perform an Attach IP action when the Reserve IP status is Unavailable or Attached because its already associated with another resource The Attach Resource IP popup window will appear From the Select Product dropdown list please select the product type to attach the reserved IP After selecting the product from the Select Resource dropdown list please select the resource Then click on the Attach IP button after reading the information on the popup window After successfully assigning the Reserve IP to the respective resource the reserved IPs Status Assigned to information will be updated in the table You can also check an addon IP information in the Node details or Load Balancer Details tabs Tip You can attach multiple reserve IPs to a resource as an addon IP You can perform this action directly on the network tab of the node or the load balancer detail tab Detach Addon Reserve IP To detach Reserve IP from the resource which is attached as an addon IP click on the Actions button and select the Detach IP The Detach Reserve IP popup window will appear Click on the Detach IP button after reading the information on the popup window After successfully detaching the reserved IP from the respective resource the reserved IPs Status Assigned to information will be updated in the table Tip You can detach addon IP from the resource directly on the network tab of the node or the load balancer detail tab Delete Reserve IP Click on the Actions button and select the Delete IP to delete reserved IP whose status is either Available or Unavailable Note You cannot delete a reserved IP when its status is attached First Detach the Reserve IP from the respective resource only then you will be able to delete a reserved IP The Delete Reserve IP confirmation popup window will appear Click on the Delete IP button after reading the information on the popup box Reserved IP will be released back to the E2E Networks IP address available pool Note We request your discretion before deleting the reserved IP because you will not get the same IP once it is released Request for Reserve IP Limit Increase There is a default limit for the Reserve IP that can be reserved by a user If your use case requires more public IP you may request the same by clicking Increase IP Limit If you have exceeded the maximum number of Reserve IP then Reserve IP Limit Exceeded popup window will be opened when you click on the Reserve New IP or Reserve Resource IP buttons In the text box please specify your usecase which needs more reserved IP addresses After specifying the usecase details click on Increase IP Limit Your request will be reviewed by the E2E Networks Customer Communications Team You will be notified about the request approval by an email If required our team will contact you to help you with your request Once your request is approved You can either reserve a New IP address or you can reserve the IP address of a resource in your MyAccount New Node launch using Reserve IP To use a reserved IP as the primary public IP of you node you need to tick the Reserve IPv4 checkbox while creating creating a new Node From the Select IP dropdown list please select the reserved IP that you wish to assign as primary public IP In case you dont have a Reserve IP or wish to Reserve New IP then click on the Reserve New IP button to get a new public IP from the IP address pool The Reserve New IP popup window will appear Click on the Reserve a new IP after reading the information on the popup window A new public IP address will be reserved and its listed in the dropdown list of the Select IP dropdown list After selecting the reserved IP and specifying the node name and additional options for the new Node youre creating Click on the Create button It will take a few minutes to set up the Node and you will be taken to the Manage Node page Reserve Nodes Default Public IP Address You can also reserve a Nodes default public IP while terminating the Node For this click on the Compute submenu available under the Products section and you will be Navigate to the Manage Nodes page Select the node and go to the Network tab Click on the Want to reserve this Public IP Click Here button available below the public IPv4 address The Reserve IP Address popup window will appear Click on the Reserve IP button after reading the information on the popup window You will get a confirmation message and public IP will be reserved for your MyAccount Else When you are going to terminate a node by clicking on the Delete Node button available in the node details tab The Delete Node popup window will appear Here you have an option to Reserve public IP by tick the Reserve the Nodes IP checkbox after reading the information on the popup window and click on the Delete button The Nodes IP address will be reserved for your MyAccount This reserved IP will be listed in the table of the Manage Reserved IP page This reserved IP status will be Available because its not attached to any resource Detach Nodes Primary Public IP To detach primary public IP from the resource click on the Compute submenu available under the Products section and you will navigate to the Manage Nodes page Select the node from which you want to detach the primary public IP and go to the Network tab Click on the Detach IP button available next to the public IPv4 address Note The Primary public IP of the node will be released back into E2E Networkss pool of public IPv4 addresses if you have not reserved it before detaching from the node The Detach Reserve IP popup window will appear Then click on the Detach IP button after reading the information on the popup box There will be no public IP available for the respective node after successfully detaching this IP New Load Balancer launch using Reserve IP To use a reserved IP as the primary public IP of your load balancer instance you need to tick the Use Reserve IP checkbox available under the network section while creating a new load balancer From the Select IP dropdown list please select the reserved IP that you wish to assign as primary public IP In case you dont have a Reserve IP or wish to Reserve New IP then click on the Reserve New IP button to get a new public IP from the IP address pool The Reserve New IP popup window will appear Click on the Reserve a new IP after reading the information on the popup window A new public IP address will be reserved and its listed in the dropdown list of the Select IP dropdown list After selecting the reserved IP and specifying the backend and frontend configurations for the new load balancer youre creating Click on the Deploy button It will take a few minutes to set up the load balancer and you will be taken to the Manage Load Balancer page Reserve Load Balancers Default Public IP Address You can also reserve a Load Balancers default public IP while terminating the load balancer For this click on the Load Balancer submenu available under the Products section and you will be Navigate to Manage Load Balancer page Select the load balancer and go to the load balancer details tab Click on the Want to reserve this Public IP Click Here button available below the public IPv4 address in the load balancer details tab The Reserve IP Address popup window will appear Click on the Reserve IP button after reading the information on the popup window You will get a confirmation message and public IP will be reserved for your MyAccount Else Also When you are going to terminate a node by clicking on Actions button and selecting the Delete The Delete Load Balancer popup window will appear Here you have an option to Reserve public IP by tick the Reserve the LoadBalancers IP checkbox after reading the information on the popup window and click on the Delete button The Load Balancers IP address will be reserved for your MyAccount This reserved IP will be listed in the table of the Manage Reserved IP page This reserved IP status will be Available because its not attached to any resource Detach Load Balancers Primary Public IP To detach primary public IP from the resource click on the Load Balancer submenu available under the Products section and you will navigate to the Manage Load Balancer page Select the load balancer from which you want to detach the primary public IP and click on the Detach IP button available in the load balancer details tab Note The Primary public IP of the node will be released back into E2E Networkss pool of public IPv4 addresses if you have not reserved it before detaching from the load balancer The Detach Reserve IP popup window will appear Then click on the Detach IP button after reading the information on the popup box There will be no public IP available for the respective load balancer after successfully detaching this IP Reserve IP Pool Reserve IP pool also called customerowned IP address pool is a reserved range of IP addresses that customers can use to connect their onpremises network to resources in their Outpost subnets either locally or externally For adding customer owned IP pool Customer needs to mail on salese2enetworkscom To use a reserved IP Pool as the IP for your node you need to tick the Reserve IP Pool checkbox in the networks section while creating a new Node From the Select IP Pool dropdown list please select the reserved IP Pool that you wish to assign as the Private IP The attached reserve IP Pool IP is shown in the AddOn IPV4 Customers can see the Reserve IP Pool from the Networks sectionReserve IP Customer Owned IP Pool section From the Customer Owned IP Pool section customers can attach Reserve IP Pool to the Node The attached IPs will be shown in the list Those attached IPs can be Detached from Detach IP tab When you are going to terminate a node by clicking on the Delete Node button available in the node Action tab The Delete Node popup window will appear Here you have the option to Reserve IP by tick the I want to reserve IP from the pool attached to Node checkbox after reading the information on the popup window and click on the Delete button The Nodes IP address will be reserved for your MyAccount This reserved IP will be listed in the table of the Customer Owned IP Pool Reserved IPs section This reserved IP status will be Available because its not attached to any resource Click on the Detach IP button available next to the public IPv4 address The Detach Reserve IP popup window will appear Then click on the Detach IP button after reading the information in the popup box On this page Reserve IP address Navigate to Manage Reserve IP page Working with Reserve IP addresses Reserve Resources Public IP Attach Reserve IP as an Addon IP Detach Addon Reserve IP Delete Reserve IP Request for Reserve IP Limit Increase New Node launch using Reserve IP Reserve Nodes Default Public IP Address Detach Nodes Primary Public IP New Load Balancer launch using Reserve IP Reserve Load Balancers Default Public IP Address Detach Load Balancers Primary Public IP Reserve IP Pool Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Contact Sales at E2E Networks Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpContact SalesFill out this form AfghanistanAlbaniaAlgeriaAndorraAngolaAntigua DepsArgentinaArmeniaAustraliaAustriaAzerbaijanBahamasBahrainBangladeshBarbadosBelarusBelgiumBelizeBeninBhutanBoliviaBosnia HerzegovinaBotswanaBrazilBruneiBulgariaBurkinaBurundiCambodiaCameroonCanadaCape VerdeCentral African RepChadChileChinaColombiaComorosCongoCongo Democratic RepCosta RicaCroatiaCubaCyprusCzech RepublicDenmarkDjiboutiDominicaDominican RepublicEast TimorEcuadorEgyptEl SalvadorEquatorial GuineaEritreaEstoniaEthiopiaFijiFinlandFranceGabonGambiaGeorgiaGermanyGhanaGreeceGrenadaGuatemalaGuineaGuineaBissauGuyanaHaitiHondurasHungaryIcelandIndiaIndonesiaIranIraqIreland RepublicIsraelItalyIvory CoastJamaicaJapanJordanKazakhstanKenyaKiribatiKorea NorthKorea SouthKosovoKuwaitKyrgyzstanLaosLatviaLebanonLesothoLiberiaLibyaFirst name RequiredLast name RequiredBusiness email address RequiredBusiness phone number RequiredCountry Please select the country where your company is headquartered RequiredSelect oneCompany RequiredWhich products services are you considering RequiredSelect oneLinux based infrastructureWindows based infrastructureDatabase as a ServiceKubernetes ClusterOne click AppsObject StorageWebsite MigrationInfrastructure MigrationOthersWhich is your use case RequiredSelect oneAd TechAgency Web Dev HostingBig Data Analytics BIDev Test Environment GamingInternet of ThingsMobileStreaming Video Audio DataSaaS Web AppsOtherWhat is your total monthly spend on cloud infrastructure RequiredSelect one0 2000020000 5000050000 100000100000 What is your timeline for deploymentmigration RequiredSelect oneASAPWithin the next 4 weeksWithin 26 monthsMore than 6 months outWhat is the biggest challenge you are trying to solve with this projectThank you Your submission has been received An expert from our sales team will contact you shortlyOops Something went wrong while submitting the formWhat Our Customers SayFor over a decade we have delighted our customers with stellar infrastructure and supportWe have been using Kubernetes cluster on E2E Cloud and are reasonably satisfied with its performance We were able to reduce our costs by 40 after migrating from Azure My big thanks to the E2E Cloud team for launching a Cloud and helping Indian startups in reducing their cloud costsAmarjeet SinghCoFounder CTO ZenatixGet In Touch With E2E NetworksHave a question We are here to answer any questions you may haveSales Team salese2enetworkscom 911140844965How to Reach UsRegistered Address Awfis First Floor A249Mohan Cooperative Industrial EstateMathura Road SaidabadNew Delhi110044Build on the most powerful infrastructure cloudGet Started for FreeContact SalesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
Policy FAQ E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks Policy FAQ Policy FAQ Do you charge for datatransfer No we currently dont charge for datatransfer to from your machine instances Do you offer managed services for server instances for free No All our cloud instances are selfmanaged by default We provide basic platform support with no hands to keyboard approach What is your SLA E2E Networks provides a 999 Uptime SLA Please refer to our SLA details here Where are your data centers located We have partnered with TierIII plus data centers like Netmagic What are the various facility certifications available at your DataCenter location Our data center has the following certifications INFORMATION SECURITY MANAGEMENT SYSTEM ISOIEC 270012005 IT SERVICE MANAGEMENT SYSTEM ISOIEC 2000012011 QUALITY MANAGEMENT SYSTEM ISO 90012008 What is your policy on abuse We have a zerotolerance policy on abuse Kindly refer to more details here Do you allow to run gamingmining We do not allow to run any sort of games like Counter Strike Quake etc nor we allow to run any sort of mining such as cryptocurrencies andor anything similar Do you allow the use of your servers for downloading content available only in India Circumvention of geographical restrictions that violate content licensing using our servers is NOT allowed Does E2E provides Self Managed servers Yes E2E only offers Self Managed servers Self Managed servers are servers in which E2E does NOT provide any maintenance management and support These servers are managed entirely by the customers The only thing that E2E is responsible for is server and network uptime Customers with technological savvy team and experience consider selfmanaged servers Do you support AnonymizationPublic VPN access for anonymizationTor nodes Any use case that involves hiding the IP address of an end user using our servers is a prohibited On this page Do you charge for datatransfer Do you offer managed services for server instances for free What is your SLA Where are your data centers located What are the various facility certifications available at your DataCenter location What is your policy on abuse Do you allow to run gamingmining Do you allow the use of your servers for downloading content available only in India Does E2E provides Self Managed servers Do you support AnonymizationPublic VPN access for anonymizationTor nodes Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Parameter Group E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Database Management in E2E Networks Parameter Group Parameter Group A parameter group is a collection of engine configuration values that you set for your database instance It contains the mapping of what you want each of these parameters to be set How to create Parameter Group For creating a Parameter group you need to click on Database from side nav bar After clicking on Database click on Parameter Group from sidebar and then click on Add Parameter Group button After clicking on the add parameter group select a relevant plan for your database and give name and description Different Database engines have different Parameter groups available You need to select the required database engine for which you want to create a Parameter group Below is the list of database engines which we currently support Mariadb 104 Mysql 56 Mysql 57 Mysql 80 PostgreSQL 100 PostgreSQL 110 PostgreSQL 120 PostgreSQL 130 PostgreSQL 140 fill the details like this Click on Create Button After the parameter group is created it will be shown like this Now Clicking on Action button will give options like this Click on Edit Parameter Group to edit the Dbaas configuration After clicking on Edit Parameter Group Option user will see parameters like this Click on Edit Parameters on the top right corner of the page to edit the parameters options After clicking on Edit Parameters change the parameter according to your requirements After changing the parameters click on Save changes to save the changes one has applied on the parameters After changing the parameters and saving those changes click on back button After changing the parameters click on Sync All to apply the changes the user has made to its parameter group so that it can be synced with the relevant database service Click on Delete Parameter Group to delete the Parameter Group How to attach Parameter group to your Database After creating a DbaaS user will be able to see the Parameter Groups option in the bottom left corner of the page After clicking on the checkbox user will be able to see a box After clicking on the Select Group expansion panel the user will be able to select the parameter group heshe wants to attach to its Database After selecting the desired parameter group click on Attach Group button to attach the group to the database After attaching the parameter group the user will be able to see the attached group in the bottom of the Connection Details tab To detach the parameter group click on the Detach Group button On this page How to create Parameter Group Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Datasets E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Datasets Datasets You can organize share and easily access your data through notebooks training code using datasets At the moment TIR supports EOS Object Storage backed datasets but we will soon introduce PVC Disk backed datasets as well How does it work The datasets allows you to mount and access EOS storage buckets as local file system This will enable you to read objects in your bucket using standard file system semantics With datasets you can load training data from local machine other cloud providers and access the data from your notebook as a mounted file system under datasets directory Note Define datasets to manage and control your data even if you dont plan to use it as mount it for use on notebooks or training jobs Benefits Using datasets offers the following benefits You can create a shared EOS bucket for training data for your team By using common data sources across team you can improve reproducibility of results Less configuration overhead When you create dataset through TIR we automatically create a new storage bucket and access credentials You can straight away copy and run the mc minio cli commands shown in the ui to your local desktop or hosted notebooks to upload data You can access your training data without having to setup access information on hosted notebooks or training jobs You can stream training data instead of downloading all of it to the disk This is also useful in distributed training jobs Usage WebUI You can define dataset through TIR dashboard The UI also allows you to browse the objects in the bucket and upload files We recommend using mc client or any s3 compliant cli to upload large data In case you have data with other cloud providers visit the Import Data from Other Cloud Providers section SDK Using TIR SDK you can quickly setup mc cli and start importing or exporting data from EOS buckets Getting Started Prequisites Install minio cli on your desktop local from minio Ignore this step if you already have mc installed on your local machine Create a new dataset Go to the TIR AI PLATFORM Make sure you are on the right project or feel free to create a new project Go to Datasets Click on CREATE DATASET After clicking create dataset you will redirect on to that below screen Here is two options of storage type to create dataset 1 EOS Bucket 2 DISK 1 EOS Bucket In EOS BUCKET storage type here is two options of bucket type to craete dataset 1 New EOS Bucket 2 Existing EOS Bucket 1 New EOS Bucket This will create a new EOS bucket tied to your account and also access keys for it Enter a name for your dataset Click on CREATE button You will see a screen to configure EOS bucket to upload dataIn that screen you will get Setup Minio CLI Setup s3cmd and Dataset Details Setup Minio CLI In setup minio CLI tab you will get setup host command and you will get a command to copy folder to a bucket Setup S3cmd In setup S3cmd tab you will get command for set up endpoints setup access keys and enable s3 v4 signature APIs Dataset Details In Dataset Details tab you will get dataset details and bucket details 2 Existing EOS Bucket In Existing EOS Bucket you can select the Existing bucket Enter a name for your dataset for eg paws Click on CREATE button You will see a screen to configure EOS bucket to upload dataIn that screen you will get Setup Minio CLI Setup s3cmd and Bucket name Dataset Details Setup Minio CLI In setup minio CLI tab you will get setup host command and you will get a command to copy folder to a bucket Setup S3cmd In setup S3cmd tab you will get command for set up endpoints setup access keys and enable s3 v4 signature APIs Dataset Details In Dataset Details tab you will get dataset details and bucket details 2 DISK If you select DISK storage type to create dataset You will get the Disk Size field in that field you can set the disk size according to you Each GB wil be charged at 5 rupee per month The disk size cannot be reduced in future However it can be increased anytime Enter a name for your dataset for eg paws Click on CREATE button After successfully creation of dataset You will get Setup overview and Data Objects Setup In setup tab you will get the details of Configure EOS Bucket to upload data Setup minio client and setup s3cmd Setup minio client Setup s3cmd Overview In that section you will get the information of dataset details Dataset name created by and createde at and storage details like storage tye bucket name bucket type access key secret key and EOS end points Data Objects In Data Objects you can upload data in your bucket by clicking UPLOAD DATA button After clicking on upload data button you can choose or drag files from your system and click on UPLOAD button After successfully uploading files you can see the list of filesdata on list You can download filedata by selecting the particular file and then clicking download button You can delete filedata by selecting the particular file and then clicking delete button Delete Dataset Select the particular dataset from the list and click on the Delete button to delete the dataset After clicking on the Delete button it will show one popup to delete the datasetyou can click delete button to delete dataset On this page How does it work Benefits Usage WebUI SDK Getting Started Prequisites Create a new dataset Setup Minio CLI Setup S3cmd Dataset Details Setup Minio CLI Setup S3cmd Dataset Details Setup Overview Data Objects Delete Dataset Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Code of Conduct of Directors and Senior Management E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks Code of Conduct of Directors and Senior Management Code of Conduct of Directors and Senior Management CSR Policy Terms Conditions for appointment of Independent Directors Whistle blower policy Policy on Related Party Transactions Policy on determination of Material Subsidiary Policy for Determination of material events KMP Authorised to Determine Materiality of events On this page CSR Policy Terms Conditions for appointment of Independent Directors Whistle blower policy Policy on Related Party Transactions Policy on determination of Material Subsidiary Policy for Determination of material events KMP Authorised to Determine Materiality of events Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Step by Step Guide to Pipeline E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Step by Step Guide to Pipeline Step by Step Guide to Pipeline Introduction In the context of Artificial Intelligence AI a pipeline refers to a series of data processing steps or operations that are performed in sequence to achieve a specific AI task or goal An AI pipeline typically involves several stages each with a specific function and it is designed to process and transform input data into meaningful output Each stage in the pipeline plays a crucial role in the overall AI process and the effectiveness of the pipeline depends on the quality of data the choice of algorithms and the expertise in designing and optimizing each step AI pipelines are commonly used in various applications including machine learning natural language processing computer vision and more What is Pipeline TIR Pipelines offer a way to write scalable serverless and asynchronous training jobs based on docker containers The supported formats include Argo and Kubeflow Pipelines Templates You no longer have to worry about the reliability of training of jobs as TIR pipelines offer bestin class retry function This allows you to restart a job without losing completed work Additionally TIR pipelines also support unlimited reruns stored results in EOS buckets and all resource plans CPU and GPU How to create a Pipeline To create the Pipeline first the user should navigate to the sidebar section and select Pipelines Upon selecting Pipelines a dropdown menu will appear featuring an option labeled Pipeline Upon clicking the Pipeline option the user will be directed to the Manage Pipelines page Click on GET STARTED button If you click on Get started button the default pipeline will be created Click on CREATE PIPELINE button After redirect to the Manage Pipelines On this page users can locate and click on the CREATE PIPELINE button to create Pipeline After clicking the CREATE PIPELINE button the Create Pipeline page will open On this page you can create Pipeline with two options Create a new pipeline or Create a new pipeline version under an existing pipeline Create a new pipeline To create a new pipeline you have to upload a yaml file and give a description and click on UPLOAD button Avoid to introduce additional nodes or commands as such additions could lead to conflicts between nodes within their YAML file After successfully created pipeline you can see the below screen with pipeline versions and pipeline details You can also create Run and view Run Create Run For a selected pipeline you can create run by clicking the plus icon and you will be redirected to Create Run page View Runs For a selected pipeline you can view run by clicking the arrow icon and you will be redirected to Manage Run page In that page you can view the created runs Pipeline Versions You can see the Pipeline Versions of selecting particular pipeline under Pipeline Versions tabYou can create a version by clicking CREATE VERSION buttonAfter successully created pipeline versions you can see the list CREATE VERSIONS To create a new pipeline version for an existing pipeline select pipeline then click Create Version under pipeline Versions After clicking Create Version you Create a new pipeline you will see create pipeline screenIn that you have to upload a file type of yaml click on upload You can see the pipeline versions below Create Run You can create a run for a particular for a particular pipeline versions For that you have to click on Create Run After clicking on Create Run you will see the Create Run screen In that you can fill the run details and click on finish View Run After successfully created Run for a particular pipeline versions you can view that run by clicking View Runs Pipeline Versions Actions You can delete pipeline version by clicking delete icon Actions Create Version To create versions for a particular pipeline select pipeline then click Create Version under Actions Delete To delete pipeline select pipeline then click Delete under Actions After clicking delete icon you can see the Delete Pipeline popup then click on DELETE button Create a new pipeline version under an existing pipeline To create a new pipeline version under an existing pipeline click on Create a new pipeline version under an existing pipeline then select the pipeline in which you want to upload new version and upload yaml file and click on UPLOAD button After successfully created version you can see the pipeline versions under Pipeline Versions tab CREATE VERSIONS After clicking Create Version you Create a new pipeline you will see create pipeline screenIn that you have to upload a file type of yaml click on upload You can see the pipeline versions below Create Run You can create a run for a particular for a particular pipeline versions For that you have to click on Create Run After clicking on Create Run you will see the Create Run screen In that you can fill the run details and click on finish View Run After successfully created Run for a particular pipeline versions you can view that run by clicking View Runs Pipeline Versions Actions You can delete pipeline version by clicking delete icon Actions Create Version To create versions for a particular pipeline select pipeline then click Create Version under Actions Delete To delete pipeline select pipeline then click Delete under Actions After clicking delete icon you can see the Delete Pipeline popup then click on DELETE button On this page Introduction What is Pipeline How to create a Pipeline Create a new pipeline Pipeline Versions Actions Create a new pipeline version under an existing pipeline Create Run View Run Pipeline Versions Actions Actions Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Welcome to E2E Networks Security documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Security in E2E Networks Welcome to E2E Networks Security documentation Welcome to E2E Networks Security documentation Introduction What is BitNinja Modules Detection Modules Honeypots Port Honeypot Configuration Web Honeypot AntiFlood Configuration DosDetection Configuration Web Application Firewall Log Analysis Configuration Disabling rules Specifying custom log paths MalwareDetection Prerequirements Configuration Disabling the quarantine functionality Module initialization Manual scanning Restoring files from quarantine Postdetection postquarantine and posthoneypotify scripts Optional manual installation of inotifytools DefenseRobot Configuration options Outbound Web Application Firewall Limitations Activating and Deactivating the OutboundWAF module Configuration Captcha modules Captcha Http module Relations to other modules Configuration Customizing the BIC page Customizing the CAPTCHA page Captcha Smtp module Relations to other modules Customizing the CAPTCHA page Customizing port number of CaptchaSmtp Enable StartTLS Customizing the IP address for generating the delist link Captcha Ftp module Relations to other modules Customizing the port of CaptchaFtp General modules CLI DataProvider IpFilter ipset 6x ipset 4x SimulatedIpset Extending IpFilter Useful postup extension scripts Shogun System SslTerminating Certificate miners CLI options Configuration Regenerating certificate information Disabling modules IP reputation Not listed User Greylist Global greylist Global blacklists User level blackwhite lists Essential list Country blocking How is it different from other security solutions Enable Bitninja For Your Nodes Activate BitNinja During Node Creation Activate BitNinja For Your Running Nodes Enable Bitninja For Your Load Balancer Activate BitNinja During Load Balancer Creation Activate BitNinja For Your Running Load Balancer Terminate BitNinja License For Node Terminate BitNinja License For Load Balancer Stopping and Uninstalling Access and Manage Bitninja Dashboard How To Access Your BitNinja Dashboard BitNinja Firewall How to Blacklist IP using BitNinja Admin Panel How to Whitelist IP using BitNinja Admin Panel How to scan your web server via BitNinja for infected files or MalwaresBots Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Introduction E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Other Services on E2E Networks Introduction Introduction This feature is provided in order to get in touch with our 24x7 support team whenever required You can create and track support tickets using this page As of now we have 2 categories Cloud Platform For all technical support related to the cloud services Billing Billing and Payment related queries select Billing type tickets Platform Support To access the ticketing portal click on the Platform Support on top You will be redirected to the Platform Support page To create a new ticket click on the Create Platform Support Ticket button You will be redirected to the New Platform Support Ticket page where you can fill the required information Type Choose the respective category of ticket created Subject It can be a tagline for the reported issue Description Please share the issue observed in detail with information like server IP domain name etc and attach the relevant screenshot which can represent the issue Click on the Submit Ticket button and a new platform support ticket will be created The created ticket will be displayed like below and our team will check and reply on the same shortly You can further continue the conversation with our team using the reply button You can fill in the message and also add up attachments as required then select Reply Once the reported issue has been resolved you can close the ticket using the Actions Close button You can submit the closure reply feedback or further comments on the same and then click Close thereby closing the ticket On this page Platform Support Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Introduction E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to E2E Cloud EQS documentation Introduction Introduction E2E Queue service EQS lets you send store and recieve message between parts of your application or components This is E2E EQS compliant high performant and reliable service which can be used for high volume of sendreceive between various components in your software stack How to Create EQS Click on Compute from the side navbar Under the compute section user will be able to see an EQS service and users have to click on EQS After clicking on the EQS the page will be redirected to EQS page and for creating EQS users have to click on Create Queue Service button After clicking on create EQS service the EQS creation form will be open and on that page the user can give the name of EQS and select the plan as per his requirement and can also use VPC After filling details users have to click on the Create button After clicking on the Create button the EQS service will be created and it will be shown in the list Actions You can perform the following actions available for the respective EQS Add Queue For creating Queue user have to click on Add Queue button Creds To see the credentials like access key and secret key you have to click on the creds button under Actions After clicking on the creds button a pop will appear in which the user will be able to see the credentials Delete To delete your EQS click on the Delete button under Actions After clicking on the delete button a pop will open click on the Delete button again to delete the Queue Service Add Queue under tab For adding a queue under created EQS users have to click on the Add Queue button After clicking on the Add Queue button A popup will open give a name of your queue and click on Add button After giving a Queue name click on Add button After creating a queue It will be shown in the list under created EQS Actions for queue service You can perform the following actions for the respective Queue Test Send Message User can send a message by clicking on Test send message After clicking on Test send a message a popup will open leave a message and set time delay and then click on send button Purge To purge a queue click on the purge button After clicking on the purge button a pop will appear click on the Ok button to continue Delete To delete a Queue click on the Delete button After clicking on the delete button a popup will appear click on delete button again to delete the queue Using SDK Python SDK 1 Go to your project directory 2 Make your virtual Environment and activate it 3 Install Boto3 into your virtual Environment pip install boto3 4 Make a connection with the EQS client To make the connection with the EQS client you need to pass configurations and credentials Configurations regionname yourregion endpointurl eqsendpointurl provided by e2e networks eqs service Credentials awsaccesskeyid youraccesskeyid awssecretkeyid yoursecretkeyid Make connection with EQS You can make the connection with the EQS client in three ways a You can directly pass the credentials and configurations at the time of making a session with the EQS client warning Hardcoded credentials in application is not recommended import boto3 session boto3Session eqsclientsessionclient sqs awsaccesskeyid youraccesskeyid awssecretaccesskey yoursecretkey regionname yourregion endpointurl eqsendpointurl You can also pass credentials and configurations inside boto3Session instead of sessionclient b you can put credentials and configurations in the config and credentials file and these files should be located at awsconfig awscredentials location put into awsconfig file default region REGION put into awscredentials file default awsaccesskeyid ACCESSKEYID awssecretaccesskey SECRETKEY import boto3 session boto3Session eqsclientsessionclient sqs endpointurl EQSENDPOINTURLl This will include configurations and credentials in the client by default c you can make the connection with the EQS client by passing the credentials and configuration into the environment variables file To install the python dotenv package you can use the command pip install pythondotenv using terminal Linux OS X or Unix export AWSACCESSKEYID youraccesskeyid export AWSSECRETACCESSKEY yoursecretkey export AWSDEFAULTREGION youreqsregion using terminal Windows set AWSACCESSKEYID youraccesskeyid set AWSSECRETACCESSKEY yoursecretkey set AWSDEFAULTREGION youreqsregion or edit your enviourment valiable file AWSACCESSKEYID youraccesskeyid AWSSECRETACCESSKEY yoursecretaccesskey AWSDEFAULTREGION youreqsregion import boto3 import os from dotenv import loaddotenv loaddotenv session boto3Sessionawsaccesskeyid osenvirongetAWSACCESSKEYID awssecretaccesskey osenvirongetAWSSECRETACCESSKEY regionname osenvirongetAWSDEFAULTREGION eqsclientsessionclient sqs endpointurl EQSENDPOINTURL above eqsclient is an object which has all methods related to queue operations response of sessionclient Methods available in eqsclient Change VisibilityTimeout Request Syntax response eqsclientchangemessagevisibility QueueUrlstring ReceiptHandlestring VisibilityTimeout123 Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed ReceiptHandle string RequiredThe receipt handle is associated with the message whose visibility timeout is changed This parameter is returned by the ReceiveMessage action VisibilityTimeout integer RequiredThe new value for the messages visibility timeout in seconds Response Syntax None Change VisibilityTimeout in batch Request Syntax response eqsclientchangemessagevisibilitybatch QueueUrlstring Entries Id string ReceiptHandle string VisibilityTimeout 123 Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed Entries list RequiredDictionary id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle VisibilityTimeout string The new value in seconds for the messages visibility timeout Response Syntax Successful Id string Failed Id string SenderFault True False Code string Message string Close connection Request Syntax eqsclientclose Response Syntax None Create queue Request Syntax response eqsclientcreatequeue QueueNamestring Attributesstring string tagsstring string Parameters QueueName string Required1 A queue name can have up to 80 characters 2 Valid values alphanumeric characters hyphens and underscores Attributes dictionary Attributes could be 1 DelaySeconds Timesecond to which extent delivery of messages is delayed in the queue Valid values 0 to 900 second default 0 second 2 MaximumMessageSize The size of the message after which the queue will reject the message Valid values 1024 bytes 1 KiB to 262144 bytes 256 KiB default 262144 bytes256 KiB 3 MessageRetentionPeriod Time to which extent a queue will retain a message Valid values 60 seconds 1 minute to 1209600 seconds 14 days default 345600 4 days 4 ReceiveMessageWaitTimeSeconds Time to which extent ReceiveMessage action waits before receiving a message Valid values 0 to 20 seconds default 0 second 5 VisibilityTimeout The amount of time that a message in a queue is invisible to other consumers after a consumer retrieves it Valid values 0 to 43200 seconds 12 hours default 30 second tags dictionary 1 Adding more than 50 tags to a queue isnt recommended 2 A new tag with a key identical to that of an existing tag overwrites the existing tag Response Syntax QueueUrl string Delete message Request Syntax response eqsclientdeletemessage QueueUrlstring ReceiptHandlestring Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted ReceiptHandle string RequiredThe receipt handle is associated with the message to delete Response Syntax None Delete message in batch Request Syntax response eqsclientdeletemessagebatch QueueUrlstring Entries Id string ReceiptHandle string Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted Entries list RequiredDictionary id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle Response Syntax Successful Id string Failed Id string SenderFault True False Code string Message string Delete queue Request Syntax response eqsclientdeletequeue QueueUrlstring Parameters QueueUrl string Required The URL of the E2E EQS queue to delete Response Syntax None Get queue attributes Request Syntax response eqsclientgetqueueattributes QueueUrlstring AttributeNames All Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which attributes are get AttributeNames list OptionalA list of attributes for which to retrieve information All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds Response Syntax Attributes string string Get queue url Request Syntax response eqsclientgetqueueurlQueueNamestring Parameters QueueName string RequiredThe name of the queue whose URL must be fetched Response Syntax QueueUrl string List queue tags Request Syntax response eqsclientlistqueuetagsQueueUrlstring Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the tags must be listed Response Syntax Tags string string List queues Request Syntax response eqsclientlistqueues QueueNamePrefixstring MaxResults123 Parameters QueueNamePrefix string OptionalA string to use for filtering the list results Only those queues whose name begins with the specified string are returned MaxResults integer OptionalThe maximum number of results to include in the response Valid values 1 to 1000 Response Syntax QueueUrls string Purge queue delete all the messages from queue Request Syntax response eqsclientpurgequeueQueueUrlstring Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the messages must be deleted Response Syntax None Receive message Request Syntax response eqsclientreceivemessage QueueUrlstring AttributeNamesAll MessageAttributeNames string MaxNumberOfMessages2 VisibilityTimeout25 WaitTimeSeconds10 ReceiveRequestAttemptIdstring Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are received AttributeNames list A list of attributes that need to be returned along with each message All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds MessageAttributeNames list The name of the message attribute MaxNumberOfMessages integer The maximum number of messages to return Valid range 1 to 10 default 1 VisibilityTimeout integer The duration in seconds that the received messages are hidden from subsequent retrieve requests after being retrieved by a ReceiveMessage request WaitTimeSeconds integer The duration in seconds for which the call waits for a message to arrive in the queue before returning Response Syntax Messages MessageId string ReceiptHandle string MD5OfBody string Body string Attributes string string MD5OfMessageAttributes string MessageAttributes string StringValue string BinaryValue bbytes DataType string Send message Request Syntax response eqsclientsendmessage QueueUrlstring MessageBodystring DelaySeconds123 MessageAttributes string StringValue string BinaryValue bbytes DataType string MessageSystemAttributes string StringValue string BinaryValue bbytes DataType string Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are send MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes dictionary Each message attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string name of the message attributes dictionary Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes dictionary Each message system attribute consists of a Name Type and Value The name type value and message body must not be empty or null string the name of the message attributes dictionary Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support the following data type Binary Number String Response Syntax MD5OfMessageBody string MD5OfMessageAttributes string MD5OfMessageSystemAttributes string MessageId string SequenceNumber string Send message in batch Request Syntax response eqsclientsendmessagebatch QueueUrlstring Entries Id string MessageBody string DelaySeconds 123 MessageAttributes string StringValue string BinaryValue bbytes DataType string MessageSystemAttributes string StringValue string BinaryValue bbytes DataType string Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are sent Entries list RequiredA list of SendMessageBatchRequestEntry items Dict Contains the details of a single E2E EQS message along with an Id Id string REQUIREDAn identifier for a message in this batch is used to communicate the result MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes dictionary Each message attribute consists of a Name Type and Value The Name type value and message body must not be empty or null string The name of the message attributes Dictionary Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed data encrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes dictionary Each message system attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string The name of the message attributes Dictionary Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support following data type Binary Number String Response Syntax Successful Id string MessageId string MD5OfMessageBody string MD5OfMessageAttributes string MD5OfMessageSystemAttributes string SequenceNumber string Failed Id string SenderFault True False Code string Message string Set queue Attributes Request Syntax response eqsclientsetqueueattributes QueueUrlstring Attributes string string Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which attributes should be set Attributes DictionaryRequiredA map of attributes to set Response Syntax None Tag queue Request Syntax response eqsclienttagqueue QueueUrlstring Tagsstring string Parameters QueueUrl string RequiredThe URL of the E2E EQS queue Tags Dict RequiredThe list of tags to be added to the specified queue Response Syntax None Untag queue Request Syntax response eqsclientuntagqueue QueueUrlstring TagKeysstring Parameters QueueUrl string RequiredThe URL of the E2E EQS queue TagKeys list RequiredThe list of tags to be removed from the specified queue Response Syntax None Reference code import boto3 ACCESSKEY youraccesskeyid SECRETKEY yoursecretkey SERVICENAME sqs REGIONNAME yourregion class EqsClient make a connection with the E2E EQS client def makeconnectionself try session boto3Session eqsclient sessionclient SERVICENAME awsaccesskeyidACCESSKEY awssecretaccesskeySECRETKEY regionnameREGIONNAME endpointurlyoureqsendpointurl except print problem in making connection with eqs client please check your credentials return eqsclient change message visibility timeout of the message def changemessagevisibilitytimeout self eqsclient queueurl receipthandle visibilitytime try response eqsclientchangemessagevisibility QueueUrlqueueurl ReceiptHandlereceipthandle VisibilityTimeoutvisibilitytime except print error in changing visibility timeout return response change message visibility timeout of the messages def changemessagevisibilitytimeoutbatch self eqsclient queueurl receipthandle1 receipthandle2 try response eqsclientchangemessagevisibilitybatch QueueUrlqueueurl Entries Id 1 ReceiptHandle receipthandle1 VisibilityTimeout 123 Id 2 ReceiptHandle receipthandle2 VisibilityTimeout 221 except print error in changing message visibility in batch return response close connections with E2E EQS endpoint URL def closeconnectionself eqsclient try return eqsclientclose except printerror in closing connection with eqs delete messages def deletemessagebatchself eqsclient queueurl rh1 rh2 try response eqsclientdeletemessagebatch QueueUrlqueueurl Entries Id 1 ReceiptHandle rh1 Id 2 ReceiptHandle rh2 except printerror in deleting messages in batch return response delete queue def deletequeueself eqsclient queueurl try response eqsclientdeletequeueQueueUrlqueueurl except printfailed to delete queue return response get queue URL def getqueueurlself eqsclient queuename try response eqsclientgetqueueurlQueueNamequeuename except print error in getting url of the queue please make sure you are using correct queue name return response list all the queues def listqueuesself eqsclient try response eqsclientlistqueues except printerror in listing queues return response list queue tags based on queue url def listqueuetagsself eqsclient queueurl try response eqsclientlistqueuetagsQueueUrlqueueurl except print failed to list queue tags make sure you are using correct queue url return response make queue def makequeueself eqsclient queuename try response eqsclientcreatequeueQueueNamequeuename except printerror in making queue return response get attributes of a queue based on queue url def getallattributesself eqsclient queueurl try response eqsclientgetqueueattributes QueueUrlqueueurl AttributeNames All except printerror in getting all attributes return response receive a message and delete it from the queue def processmessegesself eqsclient queueurl try response eqsclientreceivemessage QueueUrlqueueurl MaxNumberOfMessages1 VisibilityTimeout30 WaitTimeSeconds0 if Messages in response message responseMessages0 printReceived message s messageBody try response eqsclientdeletemessage QueueUrlqueueurl ReceiptHandlemessageReceiptHandle except printfailed to delete messagae else printNo messages in queue except printfailed to process message delete all the messages from the queue def purgequeueself eqsclient queueurl try response eqsclientpurgequeueQueueUrlqueueurl except printfailed to delete all messages from queue return response push message to a queue def pushmessagequeueself eqsclient queueurl message try response eqsclientsendmessageQueueUrlqueueurl MessageBodymessage except printfailed to push message to queue return response send messages to a queue def sendmessagebatchself eqsclient queueurl try response eqsclientsendmessagebatch QueueUrlqueueurl Entries Id 1 MessageBody message1 DelaySeconds 13 MessageAttributes name1 StringValue stringmessage BinaryValue bytesmessage DataType String MessageSystemAttributes namesystem1 StringValue stringsystemmessage BinaryValue bbytessystemmessage DataType String Id 2 MessageBody message2 DelaySeconds 12 MessageAttributes name2 StringValue stringmessage BinaryValue bbytesmessage DataType String MessageSystemAttributes namesystem2 StringValue stringsystemmessage BinaryValue bbytessystemmessage DataType String except printerror in sending messages return response add tag to a queue def tagqueueself eqsclient queueurl tags try response eqsclienttagqueueQueueUrlqueueurl Tagstags except printfailed to tag queue return response untag tags form a queue def untagqueueself eqsclient queueurl tagkey try response eqsclientuntagqueue QueueUrlqueueurl TagKeys tagkey except print falied to untag queue make sure you are using correct tagkey and queue url return response Golang SDK 1 Install go SDK To install the SDK and its dependencies run the following Go command go get u githubcomawsawssdkgo If you set the environment variable to 1 you can use the following command to get the SDK The SDKs runtime dependencies are vendored in the vendor folder go get u githubcomawsawssdkgo 2 initialize your folder using if not already initialized go mod init 3 make connection with the EQS client To make the connection with the EQS client you need to pass configurations and credentials Configurations regionname yourregion endpointurl eqsendpointurl provided by e2e networks eqs service Credentials awsaccesskeyid youraccesskeyid awssecretkeyid yoursecretkeyid Make connection with EQS There are many ways to provide credentials and configuration to connect with EQS service a providing credentials directly to client object warning Hardcoded credentials in application is not recommended create a new file named credentialsgo import fmt githubcomawsawssdkgoaws githubcomawsawssdkgoawssession githubcomawsawssdkgoservicesqs accessKey youraccesskey secretKey yoursecretkey creds credentialsNewStaticCredentialsaccessKey secretKey sess err sessionNewSessionawsConfig Region awsStringregionname Endpoint awsStringendpointurl Credentials creds if err nil fmtprintlnFailed to create sessionerr osExit1 eqsclient sqsNewsess b you can put credentials and configurations in the config and credentials file and these files should be located at awsconfig awscredentials location client will automaticlay access these credentials and configurations put in awscredentials file default region yourregion put in awsconfiguration file default awsaccesskeyid your access key id awssecretaccesskey your secret key create a new file named credentialsgo import fmt githubcomawsawssdkgoaws githubcomawsawssdkgoawssession githubcomawsawssdkgoservicesqs sess err sessionNewSessionawsConfig Endpoint awsStringENDPOINT if err nil fmtprintlnFailed to create sessionerr osExit1 eqsclient sqsNewsess c you can make the connection with the EQS client by passing the credentials and configuration into the environment variables file using terminal Linux OS X or Unix export AWSACCESSKEYID youraccesskeyid export AWSSECRETACCESSKEY yoursecretkey export AWSDEFAULTREGION youreqsregion using terminal Windows set AWSACCESSKEYID youraccesskeyid set AWSSECRETACCESSKEY yoursecretkey set AWSDEFAULTREGION youreqsregion or edit your enviourment valiable file AWSACCESSKEYID youraccesskeyid AWSSECRETACCESSKEY yoursecretaccesskey AWSDEFAULTREGION youreqsregion create a new file named credentialsgo import fmt os githubcomawsawssdkgoaws githubcomawsawssdkgoawssession githubcomawsawssdkgoservicesqs githubcomjohogodotenv err godotenvLoadenv if err nil fmtPrintlnError loading env file return accessKey osGetenvAWSACCESSKEYID secretKey osGetenvAWSSECRETACCESSKEY region osGetenvAWSREGION creds credentialsNewStaticCredentialsaccessKey secretKey config awsConfig Region awsStringregion Endpoint awsStringendpointurl Credentials creds sess sessionMustsessionNewSessionconfig eqsclient sqsNewsess Methods available for eqsclient Change Visibility Timeout Visibility Timeout refers to the amount of time that a message remains invisible to other consumers after it has been retrieved by a consumer Request Syntax get queue name receipt handle visibility timeout queue flagStringq yourqueuename The name of the queue handle flagStringh messagereceipthandle The receipt handle of the message visibility flagInt64v 50 The duration in seconds that the message is not visible to other consumers flagParse if queue handle fmtPrintlnYou must supply a queue name q QUEUE and message receipt handle h HANDLE return if visibility 0 visibility 0 if visibility 126060 visibility 12 60 60 get queue url using eqsclient result err eqsclientGetQueueUrlsqsGetQueueUrlInput QueueName queue queueURL urlResultQueueUrl calling ChangeMessageVisibility method using eqsclient err eqsclientChangeMessageVisibilitysqsChangeMessageVisibilityInput ReceiptHandle handle QueueUrl queueURL VisibilityTimeout visibility Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed ReceiptHandle string RequiredThe receipt handle is associated with the message whose visibility timeout is changed This parameter is returned by the ReceiveMessage action VisibilityTimeout integer RequiredThe new value for the messages visibility timeout in seconds Valid values 0 to 43200 seconds 12 hours default 30 second Response Syntax nil Create Queue Request Syntax get queue name queue flagStringq yourqueuename The name of the queue flagParse if queue fmtPrintlnYou must supply a queue name q QUEUE return Use CreateQueue method using eqsclient to create a queue using queue name You can also define attributes and tags for the queue result err eqsclientCreateQueuesqsCreateQueueInput QueueName queue Attributes mapstringstring DelaySeconds awsString60 MessageRetentionPeriod awsString86400 Tags mapstringstring Environment awsStringProduction Application awsStringMyApp take queue url from result fmtPrintlnURL resultQueueUrl Parameters QueueName string Required1 A queue name can have up to 80 characters 2 Valid values alphanumeric characters hyphens and underscores Attributes map Attributes could be 1 DelaySeconds Timesecond to which extent delivery of messages is delayed in the queue Valid values 0 to 900 second default 0 second 2 MaximumMessageSize The size of the message after which the queue will reject the message Valid values 1024 bytes 1 KiB to 262144 bytes 256 KiB default 262144 bytes256 KiB 3 MessageRetentionPeriod Time to which extent a queue will retain a message Valid values 60 seconds 1 minute to 1209600 seconds 14 days default 345600 4 days 4 ReceiveMessageWaitTimeSeconds Time to which extent ReceiveMessage action waits before receiving a message Valid values 0 to 20 seconds default 0 second 5 VisibilityTimeout The amount of time that a message in a queue is invisible to other consumers after a consumer retrieves it Valid values 0 to 43200 seconds 12 hours default 30 second tags map 1 Adding more than 50 tags to a queue isnt recommended 2 A new tag with a key identical to that of an existing tag overwrites the existing tag Response Syntax result QueueUrl queueurl Delete message Request Syntax get the queue name and message handle queue flagStringq The name of the queue messageHandle flagStringm The receipt handle of the message flagParse if queue messageHandle fmtPrintlnYou must supply a queue name q QUEUE and message receipt handle m MESSAGEHANDLE return pass queue url and message handle and call DeleteMessage method using client err eqsclientDeleteMessagesqsDeleteMessageInput QueueUrl queueURL ReceiptHandle messageHandle Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted ReceiptHandle string RequiredThe receipt handle is associated with the message to delete Response Syntax nil Delete message in batch Request Syntax prepare the input for DeleteMessageBatch API call input sqsDeleteMessageBatchInputQueueUrl awsStringqueueURL for i receiptHandle range messageReceiptHandles inputEntries appendinputEntries sqsDeleteMessageBatchRequestEntry Id awsStirngstrconvItoai ReceiptHandle receiptHandle call the DeleteMessageBatch method using eqsclient err eqsclientDeleteMessageBatchinput if err nil return err Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted Entries slice Requiredmap id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle Response Syntax Successful Id string Failed Id string SenderFault True False Code string Message string Delete queue Request Syntax getting the queue url queueURL yourqueueurl calling the DeleteQueue method using eqsclient err eqsclientDeleteQueuesqsDeleteQueueInput QueueUrl awsStringqueueURL if err nil handle error Parameters QueueUrl string Required The URL of the E2E EQS queue to delete Response Syntax nil Get queue attributes Request Syntax calling GetQueueAttributes method using eqsclient result err eqsclientGetQueueAttributessqsGetQueueAttributesInput QueueUrl awsStringqueueurl AttributeNames string awsStringsqsQueueAttributeNameAll Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which attributes are get AttributeNames slice OptionalA list of attributes for which to retrieve information All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds Response Syntax Attributes mapstringstring VisibilityTimeout awsString60 Get queue url Request Syntax getting input using queue name input sqsGetQueueUrlInput QueueName awsStringmyqueuename calling GetQueueUrl method using eqsclient passing input as params result err eqsclientGetQueueUrlinput if err nil fmtprintlnError in getting queue err return fmtPrintlnQueue URL resultQueueUrl Parameters QueueName string RequiredThe name of the queue whose URL must be fetched Response Syntax QueueUrl string List queue tags Request Syntax defining input using queue url input sqsListQueueTagsInput QueueUrl awsStringqueueUrl calling ListQueueTags method using eqsclient resp err eqsclientListQueueTagsinput if err nil fmtPrintlnError listing queue tags err return Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the tags must be listed Response Syntax type ListQueueTagsOutput struct Tags mapstringstring typemap requiredtrue List queues Request Syntax Set the queue name prefix and max results to retrieve queueNamePrefix myqueue maxResults int6410 Call the ListQueues API with the specified parameters resp err svcListQueuessqsListQueuesInput QueueNamePrefix queueNamePrefix MaxResults maxResults if err nil fmtPrintlnError listing queues err return Print out the URLs of the returned queues for url range respQueueUrls fmtPrintlnurl Parameters QueueNamePrefix string OptionalA string to use for filtering the list results Only those queues whose name begins with the specified string are returned MaxResults integer OptionalThe maximum number of results to include in the response Valid values 1 to 1000 Response Syntax resp type ListQueuesOutput struct QueueUrls string typelist requiredtrue Purge queue delete all the messages from queue Request Syntax calling PurgeQueue method using eqsclient err eqsclientPurgeQueuesqsPurgeQueueInput QueueUrl queueURL if err nil fmtPrintlnError purging queue err return Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the messages must be deleted Response Syntax nil Receive Message Request Syntax getting queue url visibility timeout AttributeNames MessageAttributeNames maxNumberOfMessages and waitTimeSeconds queueURL YOURQUEUEURL attributeNames string awsStringAll returns all attributes messageAttributeNames string awsStringATTRIBUTENAME maxNumberOfMessages awsInt642 visibilityTimeout awsInt6425 waitTimeSeconds awsInt6410 calling ReceiveMessage method using eqsclient result err eqsclientReceiveMessagesqsReceiveMessageInput AttributeNames attributeNames MessageAttributeNames messageAttributeNames MaxNumberOfMessages maxNumberOfMessages QueueUrl queueURL VisibilityTimeout visibilityTimeout WaitTimeSeconds waitTimeSeconds if err nil fmtPrintlnError receiving messages err return Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are received AttributeNames slice A list of attributes that need to be returned along with each message All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds MessageAttributeNames slice The name of the message attribute MaxNumberOfMessages integer The maximum number of messages to return Valid range 1 to 10 default 1 VisibilityTimeout integer The duration in seconds that the received messages are hidden from subsequent retrieve requests after being retrieved by a ReceiveMessage request WaitTimeSeconds integer The duration in seconds for which the call waits for a message to arrive in the queue before returning Response Syntax type ReceiveMessageOutput struct Messages Message a list of received messages type Message struct MessageId string ReceiptHandle string MD5OfBody string Body string MD5OfMessageAttributes string Attributes mapstringstring message system attributes MessageAttributes mapstringMessageAttributeValue message userdefined attributes type MessageAttributeValue struct StringValue string string value of the message attribute BinaryValue byte binary value of the message attribute DataType string data type of the message attribute Send messgage Request Syntax setting up params params sqsSendMessageInput QueueUrl awsStringQUEUEURLHERE MessageBody awsStringMESSAGEBODYHERE DelaySeconds awsInt64123 MessageAttributes mapstringsqsMessageAttributeValue ATTRIBUTENAMEHERE DataType awsStringSTRING StringValue awsStringATTRIBUTEVALUEHERE MessageSystemAttributes mapstringsqsMessageSystemAttributeValue SYSTEMATTRIBUTENAMEHERE DataType awsStringSTRING StringValue awsStringSYSTEMATTRIBUTEVALUEHERE calling SendMesssage method using eqsclient resp err eqsclientSendMessageparams if err nil handle error return Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are send MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes map Each message attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string name of the message attributes map Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed data encrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes map Each message system attribute consists of a Name Type and Value The name type value and message body must not be empty or null string the name of the message attributes map Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed data encrypted data or images string Type of message attributes EQS support the following data type Binary Number String Response Syntax resp sqsSendMessageOutput MD5OfMessageBody awsStringhashofmessagebody MD5OfMessageAttributes awsStringhashofmessageattribute MD5OfMessageSystemAttributes awsStringhashofmessagesystemattributes MessageId awsStringmessageid SequenceNumber awsStringsequencenumber Send message in batch Request Syntax calling SendMessageBatch method using eqsclient resp err eqsclientSendMessageBatchsqsSendMessageBatchInput QueueUrl awsStringQUEUEURL Entries sqsSendMessageBatchRequestEntry Id awsStringMESSAGEID1 MessageBody awsStringMESSAGEBODY1 DelaySeconds awsInt640 MessageAttributes mapstringsqsMessageAttributeValue ATTRIBUTENAME1 sqsMessageAttributeValue DataType awsStringSTRING StringValue awsStringATTRIBUTEVALUE1 ATTRIBUTENAME2 sqsMessageAttributeValue DataType awsStringNUMBER StringValue awsStringATTRIBUTEVALUE2 MessageSystemAttributes mapstringsqsMessageSystemAttributeValue SYSTEMATTRIBUTENAME1 sqsMessageSystemAttributeValue DataType awsStringSTRING StringValue awsStringSYSTEMATTRIBUTEVALUE1 SYSTEMATTRIBUTENAME2 sqsMessageSystemAttributeValue DataType awsStringBINARY BinaryValue byteSYSTEMATTRIBUTEVALUE2 Id awsStringMESSAGEID2 MessageBody awsStringMESSAGEBODY2 DelaySeconds awsInt640 MessageAttributes mapstringsqsMessageAttributeValue ATTRIBUTENAME3 sqsMessageAttributeValue DataType awsStringSTRING StringValue awsStringATTRIBUTEVALUE3 ATTRIBUTENAME4 sqsMessageAttributeValue DataType awsStringNUMBER StringValue awsStringATTRIBUTEVALUE4 MessageSystemAttributes mapstringsqsMessageSystemAttributeValue SYSTEMATTRIBUTENAME3 sqsMessageSystemAttributeValue DataType awsStringSTRING StringValue awsStringSYSTEMATTRIBUTEVALUE3 SYSTEMATTRIBUTENAME4 sqsMessageSystemAttributeValue DataType awsStringBINARY BinaryValue byteSYSTEMATTRIBUTEVALUE4 if err nil fmtPrintlnError err return Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are sent Entries slice RequiredA list of SendMessageBatchRequestEntry items Dict Contains the details of a single E2E EQS message along with an Id Id string REQUIREDAn identifier for a message in this batch is used to communicate the result MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes map Each message attribute consists of a Name Type and Value The Name type value and message body must not be empty or null string The name of the message attributes map Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed data encrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes map Each message system attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string The name of the message attributes map Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support following data type Binary Number String Response Syntax type SendMessageBatchOutput struct Successful SendMessageBatchResultEntry locationNameListSendMessageBatchResultEntry typelist Failed BatchResultErrorEntry locationNameListBatchResultErrorEntry typelist type SendMessageBatchResultEntry struct Id string typestring MessageId string typestring MD5OfMessageAttributes string typestring MD5OfMessageBody string typestring MD5OfMessageSystemAttributes string typestring SequenceNumber string typestring type BatchResultErrorEntry struct Id string typestring SenderFault bool typeboolean Code string typestring Message string typestring Set queue Attributes Request Syntax calling SetQueueAttributes method using eqsclient err eqsclientSetQueueAttributessqsSetQueueAttributesInput QueueUrl awsStringYOURQUEUEURLHERE Attributes mapstringstring Attribute1 awsStringValue1 Attribute2 awsStringValue2 Add more attributes here as needed if err nil Handle error panicerr Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which attributes should be set Attributes mapRequiredA map of attributes to set Response Syntax nil Tag queue Request Syntax calling TagQueue method using eqsclient resp err svcTagQueuesqsTagQueueInput QueueUrl awsStringYOURQUEUEURLHERE Tags mapstringstring Tag1 awsStringValue1 Tag2 awsStringValue2 Add more tags here as needed if err nil Handle error panicerr Parameters QueueUrl string RequiredThe URL of the E2E EQS queue Tags map RequiredThe list of tags to be added to the specified queue Response Syntax nil Untag Queue Request Syntax set queue url and tags queueURL yourqueueurl tags mapstringstring Environment awsStringproduction Owner awsStringexampleexamplecom set input params params sqsTagQueueInput QueueUrl queueURL Tags tags calling UntagQueue method using eqsclient err svcTagQueueparams if err nil fmtPrintlnError setting tags err return fmtPrintlnTags successfully set Parameters QueueUrl string RequiredThe URL of the E2E EQS queue TagKeys slice RequiredThe list of tags to be removed from the specified queue Response Syntax nil Nodejs SDK 1 install sdk package in to your directory make sure that Nodejs is install in your machine npm install awssdk You can install specific package which is required like right now we are working on SQS so we can install SQS npm install awssdkclientsqs 2 Make a connection with the EQS client To make the connection with the EQS client you need to pass configurations and credentials Configurations regionname yourregion endpointurl eqsendpointurl provided by e2e networks eqs service Credentials awsaccesskeyid youraccesskeyid awssecretkeyid yoursecretkeyid Make Connection with EQS there are many ways to make connection with eqsclient a You can directly pass the credentials and configurations at the time of making a session with the EQS client warning Hardcoded credentials in application is not recommended create a new file named indexjs import SQSClient from awssdkclientsqs REGION yourregion ENDPOINT endpointprovidedbyE2E ACCESSKEYID accesskeyid SECRETACCESSKEY yoursecretaccesskey const eqsclient new SQSClient region REGION endpoint ENDPOINT credentials accessKeyId ACCESSKEYID secretAccessKey SECRETACCESSKEY b you can put credentials and configurations in the config and credentials file and these files should be located at awsconfig awscredentials location put credentials into awscredentials file default awsaccesskeyidaccesskeyid awssecretaccesskeysecretkey put config into awsconfig file default region region create a new file named indexjs import SQSClient from awssdkclientsqs ENDPOINT eqsendpointurlprovidedbye2e const eqsclient new SQSClient endpoint ENDPOINT c you can make the connection with the EQS client by passing the credentials and configuration into the environment variables file install dotenv npm install dotenv using terminal Linux OS X or Unix export AWSACCESSKEYID youraccesskeyid export AWSSECRETACCESSKEY yoursecretkey export AWSDEFAULTREGION youreqsregion export ENDPOINT endpointurl using terminal Windows set AWSACCESSKEYID youraccesskeyid set AWSSECRETACCESSKEY yoursecretkey set AWSDEFAULTREGION youreqsregion set ENDPOINT endpointurl or edit your enviourment valiable file AWSACCESSKEYID youraccesskeyid AWSSECRETACCESSKEY yoursecretaccesskey AWSDEFAULTREGION youreqsregion ENDPOINT endpointurl create a file named indexjs import SQSClient from awssdkclientsqs import dotenv from dotenv dotenvconfig const eqsclient new SQSClient region processenvAWSREGION credentials accessKeyId processenvAWSACCESSKEYID secretAccessKey processenvAWSSECRETACCESSKEY endpoint processenvENDPOINT export eqsclient Methods available for eqsclient Change VisibilityTimeout Request Syntax import SQS from awssdk const eqsclient new SQS const queueUrl YOURQUEUEURL const receiptHandle YOURRECEIPTHANDLE const visibilityTimeout 123 const params QueueUrl queueUrl ReceiptHandle receiptHandle VisibilityTimeout visibilityTimeout eqsclientchangeMessageVisibilityparams functionerr data if err consolelogError err else consolelogSuccess data Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed ReceiptHandle string RequiredThe receipt handle is associated with the message whose visibility timeout is changed This parameter is returned by the ReceiveMessage action VisibilityTimeout integer RequiredThe new value for the messages visibility timeout in seconds Response Syntax None Change VisibilityTimeout batch Request Syntax import SQS from awssdk const eqsclient new SQS const queueUrl YOURQUEUEURL const entries Id MESSAGEID1 ReceiptHandle RECEIPTHANDLE1 VisibilityTimeout 123 Id MESSAGEID2 ReceiptHandle RECEIPTHANDLE2 VisibilityTimeout 456 const params QueueUrl queueUrl Entries entries eqsclientchangeMessageVisibilityBatchparams functionerr data if err consolelogError err else consolelogSuccess dataSuccessful consolelogFailures dataFailed Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed Entries Array Requiredmap id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle VisibilityTimeout string The new value in seconds for the messages visibility timeout Response Syntax Successful Id string Failed Id string SenderFault true false Code string Message string Close connection Request Syntax import SQS from awssdk const eqsclient new SQS eqsclientclosefunctionerr if err consoleerrorError closing the connection err else consolelogConnection closed successfully Response Syntax None Create Queue Request Syntax import SQS from awssdk const eqsclient new SQS const params QueueName QUEUENAME Attributes DelaySeconds 0 MaximumMessageSize 262144 MessageRetentionPeriod 345600 ReceiveMessageWaitTimeSeconds 0 VisibilityTimeout 30 tags Tag1 Value1 Tag2 Value2 eqsclientcreateQueueparams functionerr data if err consolelogError creating queue err else consolelogQueue URL dataQueueUrl Parameters QueueName string Required1 A queue name can have up to 80 characters 2 Valid values alphanumeric characters hyphens and underscores Attributes map Attributes could be 1 DelaySeconds Timesecond to which extent delivery of messages is delayed in the queue Valid values 0 to 900 second default 0 second 2 MaximumMessageSize The size of the message after which the queue will reject the message Valid values 1024 bytes 1 KiB to 262144 bytes 256 KiB default 262144 bytes256 KiB 3 MessageRetentionPeriod Time to which extent a queue will retain a message Valid values 60 seconds 1 minute to 1209600 seconds 14 days default 345600 4 days 4 ReceiveMessageWaitTimeSeconds Time to which extent ReceiveMessage action waits before receiving a message Valid values 0 to 20 seconds default 0 second 5 VisibilityTimeout The amount of time that a message in a queue is invisible to other consumers after a consumer retrieves it Valid values 0 to 43200 seconds 12 hours default 30 second tags map 1 Adding more than 50 tags to a queue isnt recommended 2 A new tag with a key identical to that of an existing tag overwrites the existing tag Response Syntax QueueUrl string Delete message Request Syntax import SQS from awssdk const eqsclient new SQS eqsClientdeleteMessage QueueUrl string ReceiptHandle string functionerr data if err consolelogError err else consolelogMessage Deleted data Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted ReceiptHandle string RequiredThe receipt handle is associated with the message to delete Response Syntax None Delete message in batch Request Syntax import SQS from awssdk const eqsclient new SQS const params QueueUrl STRINGVALUE Entries Id STRINGVALUE ReceiptHandle STRINGVALUE sqsdeleteMessageBatchparams functionerr data if err consolelogerr errstack else consolelogdata Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted Entries Array Requiredmap id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle Response Syntax Successful Id string Failed Id string SenderFault truefalse Code string Message string Delete queue Request Syntax var params QueueUrl STRINGVALUE required eqsclientdeleteQueueparams functionerr data if err consolelogerr errstack an error occurred else consolelogdata successful response Parameters QueueUrl string Required The URL of the E2E EQS queue to delete Response Syntax None Get Queue Attributes Request Syntax import SQS from awssdk const eqsclient new SQS const params QueueUrl QUEUEURL AttributeNames All eqsclientgetQueueAttributesparams err data if err consolelogError err else consolelogSuccess dataAttributes Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which attributes are get AttributeNames Array OptionalA list of attributes for which to retrieve information All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds Response Syntax Attributes string string Get queue url Request Syntax import SQS from awssdk const eqsclient new SQS var params QueueName STRINGVALUE eqsclientgetQueueUrlparams functionerr data if err consolelogerr errstack else consolelogdata Parameters QueueName string RequiredThe name of the queue whose URL must be fetched Response Syntax QueueUrl STRINGVALUE List queue tags Request Syntax import SQS from awssdk const eqsclient new SQS var params QueueUrl STRINGVALUE eqsclientlistQueueTagsparams functionerr data if err consolelogerr errstack else consolelogdata Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the tags must be listed Response Syntax Tags STRINGVALUE STRINGVALUE List queues Request Syntax import SQS from awssdk const eqsclient new SQS var params QueueNamePrefix STRINGVALUE MaxResults 123 sqslistQueuesparams functionerr data if err consolelogerr errstack else consolelogdata Parameters QueueNamePrefix string OptionalA string to use for filtering the list results Only those queues whose name begins with the specified string are returned MaxResults integer OptionalThe maximum number of results to include in the response Valid values 1 to 1000 Response Syntax QueueUrls STRINGVALUE Receive message Request Syntax import SQS from awssdk const eqsclient new SQS var params QueueUrl STRINGVALUE AttributeNames All MessageAttributeNames STRINGVALUE MaxNumberOfMessages 2 VisibilityTimeout 25 WaitTimeSeconds 10 ReceiveRequestAttemptId STRINGVALUE eqsclientreceiveMessageparams functionerr data if err consolelogerr errstack else consolelogdata Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are received AttributeNames Array A list of attributes that need to be returned along with each message All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds MessageAttributeNames Array The name of the message attribute MaxNumberOfMessages integer The maximum number of messages to return Valid range 1 to 10 default 1 VisibilityTimeout integer The duration in seconds that the received messages are hidden from subsequent retrieve requests after being retrieved by a ReceiveMessage request WaitTimeSeconds integer The duration in seconds for which the call waits for a message to arrive in the queue before returning Response Syntax Messages MessageId STRINGVALUE ReceiptHandle STRINGVALUE MD5OfBody STRINGVALUE Body STRINGVALUE Attributes STRINGVALUE STRINGVALUE MD5OfMessageAttributes STRINGVALUE MessageAttributes STRINGVALUE StringValue STRINGVALUE BinaryValue BYTESVALUE DataType STRINGVALUE Send messgage Request Syntax import SQS from awssdk const eqsclient new SQS var params QueueUrl STRINGVALUE required MessageBody STRINGVALUE DelaySeconds 0 MessageAttributes STRINGVALUE DataType STRINGVALUE BinaryValue Bufferfrom STRINGVALUE StringValue STRINGVALUE MessageSystemAttributes STRINGVALUE DataType STRINGVALUE BinaryValue Bufferfrom STRINGVALUE StringValue STRINGVALUE eqsclientsendMessageparams functionerr data if err consolelogerr errstack else consolelogdata Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are send MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes map Each message attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string name of the message attributes map Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes dictionary Each message system attribute consists of a Name Type and Value The name type value and message body must not be empty or null string the name of the message attributes dictionary Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support the following data type Binary Number String Response Syntax MD5OfMessageBody string MD5OfMessageAttributes string MD5OfMessageSystemAttributes string MessageId string SequenceNumber string Send message in batch Request Syntax import SQS from awssdk const eqsclient new SQS var params QueueUrl STRINGVALUE the URL of the E2E EQS queue Entries Id MESSAGEID an identifier for the message in the batch MessageBody MESSAGEBODY the message to send DelaySeconds 0 the number of seconds to delay the message optional MessageAttributes ATTRIBUTENAME DataType STRINGVALUE StringValue STRINGVALUE BinaryValue new BufferBYTESVALUE MessageSystemAttributes ATTRIBUTENAME DataType STRINGVALUE StringValue STRINGVALUE BinaryValue new BufferBYTESVALUE eqsclientsendMessageBatchparams functionerr data if err consolelogerr errstack else consolelogdata Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are sent Entries Array RequiredA list of SendMessageBatchRequestEntry items map Contains the details of a single E2E EQS message along with an Id Id string REQUIREDAn identifier for a message in this batch is used to communicate the result MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes map Each message attribute consists of a Name Type and Value The Name type value and message body must not be empty or null string The name of the message attributes map Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed data encrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes map Each message system attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string The name of the message attributes map Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support following data type Binary Number String Response Syntax Successful Id MESSAGEID MessageId MESSAGEID MD5OfMessageBody MD5HASH MD5OfMessageAttributes MD5HASH MD5OfMessageSystemAttributes MD5HASH SequenceNumber SEQUENCENUMBER Failed Set queue Attributes Request Syntax import SQS from awssdk const eqsclient new SQS var params QueueUrl STRINGVALUE required Attributes AttributeName1 AttributeValue1 AttributeName2 AttributeValue2 eqsclientsetQueueAttributesparams functionerr data if err consolelogerr errstack else consolelogdata Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which attributes should be set Attributes mapRequiredA map of attributes to set Response Syntax None Tag queue Request Syntax import SQS from awssdk const eqsclient new SQS const params QueueUrl YOURQUEUEURL Tags YOURTAGKEY YOURTAGVALUE eqsclienttagQueueparams err data if err consolelogError err else consolelogQueue tagged successfully Parameters QueueUrl string RequiredThe URL of the E2E EQS queue Tags map RequiredThe list of tags to be added to the specified queue Response Syntax None Untag queue Request Syntax import SQS from awssdk const eqsclient new SQS var params QueueUrl STRINGVALUE required TagKeys STRINGVALUE eqsClientuntagQueueparams functionerr data if err consolelogerr errstack else consolelogdata Parameters QueueUrl string RequiredThe URL of the E2E EQS queue TagKeys list RequiredThe list of tags to be removed from the specified queue Response Syntax None Java SDK 1 Install java and maven 2 go to project directory and enter the command mvn archetypegenerate DarchetypeGroupIdsoftwareamazonawssdk DarchetypeArtifactIdarchetypeappquickstart DarchetypeVersion21816 Enter the prompt values Prompt Value to enter Define value for property service s3 Define value for property httpClient apacheclient Define value for property nativeImage false Define value for property groupId orgexample Define value for property artifactId getstarted Define value for property version 10SNAPSHOT Enter Define value for property package orgexample Enter 3 your project directory would look something like this getstarted READMEmd pomxml src main java org example Appjava DependencyFactoryjava Handlerjava resources simpleloggerproperties test java org example HandlerTestjava 10 directories 7 files your appjava file package orgexample import javautilList import orgslf4jLogger import orgslf4jLoggerFactory public class App private static final Logger logger LoggerFactorygetLoggerAppclass public static void mainString args loggerinfoApplication starts Handler handler new Handler you can call function of handler through handler object loggerinfoApplication ends 4 make connection with the EQS client To make the connection with the EQS client you need to pass configurations and credentials Configurations regionname yourregion endpointurl eqsendpointurl provided by e2e networks eqs service Credentials awsaccesskeyid youraccesskeyid awssecretkeyid yoursecretkeyid Make connection with EQS There are many ways to provide credentials and configuration to connect with EQS service a providing credentials directly to client object warning Hardcoded credentials in application is not recommended Update your DependencyFactoryjava file package orgexample import javanetURI import softwareamazonawssdkauthcredentials import softwareamazonawssdkregionsRegion import softwareamazonawssdkservicessqs public class DependencyFactory private DependencyFactory public static SqsClient sqsClient AwsCredentialscredentialsAwsBasicCredentialscreateyour accesskeyid yoursecretaccesskey URI endpointUri URIcreateyour e2e eqs access url Region region Regionofelasticmq SqsClient eqsclient SqsClientbuilder credentialsProviderStaticCredentialProvidercreatecredentials endpointOverrideendpointUri regionregion build return eqsclient b you can put credentials and configurations in the config and credentials file and these files should be located at awsconfig awscredentials location client will automaticlay access these credentials and configurations put in awscredentials file default region yourregion put in awsconfiguration file default awsaccesskeyid your access key id awssecretaccesskey your secret key Update your DependencyFactoryjava file package orgexample import javanetURI import softwareamazonawssdkauthcredentials import softwareamazonawssdkregionsRegion import softwareamazonawssdkservicessqsSqsClient public class DependencyFactory private DependencyFactory public static SqsClient sqsClient AwsCredentialsProvider credentialsProvider DefaultCredentialsProviderbuilderbuild Region region Regionofnew DefaultAwsRegionProviderChaingetRegion URI endpointUri URIcreatee2eeqsaccessurl SqsClient eqsclient SqsClientbuilder credentialsProvidercredentialsProvider endpointOverrideendpointUri regionregion build return eqsclient c you can make the connection with the EQS client by passing the credentials and configuration into the environment variables file using terminal Linux OS X or Unix export AWSACCESSKEYID youraccesskeyid export AWSSECRETACCESSKEY yoursecretkey export AWSDEFAULTREGION youreqsregion using terminal Windows set AWSACCESSKEYID youraccesskeyid set AWSSECRETACCESSKEY yoursecretkey set AWSDEFAULTREGION youreqsregion or edit your enviourment valiable file AWSACCESSKEYID youraccesskeyid AWSSECRETACCESSKEY yoursecretaccesskey AWSDEFAULTREGION youreqsregion pomxml file dependency groupIdiogithubcdimasciogroupId artifactIddotenvjavaartifactId version220version dependency update your DependencyFactoryjava import iogithubcdimasciodotenvDotenv import softwareamazonawssdkauthcredentials import softwareamazonawssdkregions import softwareamazonawssdkservicessqs public class DependencyFactory public static SqsClient sqsClient Dotenv dotenv Dotenvload AwsCredentials credentials AwsBasicCredentialscreate dotenvgetAWSACCESSKEYID dotenvgetAWSSECRETACCESSKEY Region region RegionofdotenvgetAWSREGION URI endpointUri URIcreatee2eeqsaccessurl SqsClient eqsclient SqsClientbuilder credentialsProviderStaticCredentialsProvidercreatecredentials endpointOverrideendpointUri regionregion build return eqsclient Methods available in eqsclient necessary imports import comamazonawsservicessqs import comamazonawsservicessqsmodel Change VisibilityTimeout Request Syntax your java file String queueUrl queueurl ChangeMessageVisibilityRequest request ChangeMessageVisibilityRequestbuilder queueUrlqueueUrl receiptHandleexamplereceipthandle visibilityTimeout60 build eqsclientchangeMessageVisibilityrequest SystemoutprintlnMessage visibility timeout changed successfully Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed ReceiptHandle string RequiredThe receipt handle is associated with the message whose visibility timeout is changed This parameter is returned by the ReceiveMessage action VisibilityTimeout integer RequiredThe new value for the messages visibility timeout in seconds Response Syntax void Change VisibilityTimeout in batch Request Syntax edit your java file final String queueUrl yourqueueurlhere ChangeMessageVisibilityBatchRequest request new ChangeMessageVisibilityBatchRequest withQueueUrlqueueUrl withEntries new ChangeMessageVisibilityBatchRequestEntry withIdmessage1 withReceiptHandlereceipthandle1 withVisibilityTimeout3600 new ChangeMessageVisibilityBatchRequestEntry withIdmessage2 withReceiptHandlereceipthandle2 withVisibilityTimeout600 ChangeMessageVisibilityBatchResponse response eqsclientchangeMessageVisibilityBatchrequest Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed Entries ArrayListLinkList Requiredobjects id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle VisibilityTimeout integer The new value in seconds for the messages visibility timeout Response Syntax ChangeMessageVisibilityBatchResult Successful ChangeMessageVisibilityBatchResultEntry Id message1 SenderFault false Failed ChangeMessageVisibilityBatchResultEntry Id message2 SenderFault true Code InvalidParameterValue Message message Close connection Request Syntax edit your java file eqsclientclose Response Syntax None Create queue Request Syntax edit your java file CreateQueueRequest request new CreateQueueRequest withQueueNamestring withAttributesMapof DelaySeconds 123 MaximumMessageSize 456 MessageRetentionPeriod 789 ReceiveMessageWaitTimeSeconds 10 VisibilityTimeout 30 withTagsMapof tag1 value1 tag2 value2 CreateQueueResponse response eqsclientcreateQueuerequest String queueUrl responsegetQueueUrl Parameters QueueName string Required1 A queue name can have up to 80 characters 2 Valid values alphanumeric characters hyphens and underscores Attributes MapHashMap Attributes could be 1 DelaySeconds Timesecond to which extent delivery of messages is delayed in the queue Valid values 0 to 900 second default 0 second 2 MaximumMessageSize The size of the message after which the queue will reject the message Valid values 1024 bytes 1 KiB to 262144 bytes 256 KiB default 262144 bytes256 KiB 3 MessageRetentionPeriod Time to which extent a queue will retain a message Valid values 60 seconds 1 minute to 1209600 seconds 14 days default 345600 4 days 4 ReceiveMessageWaitTimeSeconds Time to which extent ReceiveMessage action waits before receiving a message Valid values 0 to 20 seconds default 0 second 5 VisibilityTimeout The amount of time that a message in a queue is invisible to other consumers after a consumer retrieves it Valid values 0 to 43200 seconds 12 hours default 30 second tags MapHashMap 1 Adding more than 50 tags to a queue isnt recommended 2 A new tag with a key identical to that of an existing tag overwrites the existing tag Response Syntax QueueUrl string Delete message Request Syntax edit your java file DeleteMessageRequest request new DeleteMessageRequest withQueueUrlstring withReceiptHandlestring eqsclientdeleteMessagerequest Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted ReceiptHandle string RequiredThe receipt handle is associated with the message to delete Response Syntax void Delete message in batch Request Syntax edit your java file DeleteMessageBatchRequest request new DeleteMessageBatchRequest withQueueUrlstring withEntries new DeleteMessageBatchRequestEntry withIdstring withReceiptHandlestring new DeleteMessageBatchRequestEntry withIdstring withReceiptHandlestring DeleteMessageBatchResult result eqsclientdeleteMessageBatchrequest Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted Entries ArrayListLinkList Requiredobjects id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle Response Syntax public class DeleteMessageBatchResult private ListDeleteMessageBatchResultEntry successful private ListBatchResultErrorEntry failed public class DeleteMessageBatchResultEntry private String id public class BatchResultErrorEntry private String id private boolean senderFault private String code private String message Delete queue Request Syntax String queueUrl yourqueueurlhere DeleteQueueRequest request new DeleteQueueRequestqueueUrl eqsclientdeleteQueuerequest Parameters QueueUrl string Required The URL of the E2E EQS queue to delete Response Syntax void Get queue attributes Request Syntax edit your java file GetQueueAttributesRequest request new GetQueueAttributesRequest withQueueUrlqueueurl withAttributeNamesAll GetQueueAttributesResult result sqsClientgetQueueAttributesrequest MapString String attributes resultgetAttributes Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which attributes are get AttributeNames ArrayListLinkList OptionalA list of attributes for which to retrieve information All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds Response Syntax GetQueueAttributesResultattributes VisibilityTimeout30 MaximumMessageSize262144 MessageRetentionPeriod345600 ApproximateNumberOfMessages0 ApproximateNumberOfMessagesNotVisible0 CreatedTimestampTue Apr 27 050000 UTC 2021 LastModifiedTimestampTue Apr 27 050000 UTC 2021 Get queue url Request Syntax edit your java file GetQueueUrlResult result eqsclientgetQueueUrlGetQueueUrlRequestbuilderqueueNamequeuenamebuild String queueUrl resultqueueUrl Parameters QueueName string RequiredThe name of the queue whose URL must be fetched Response Syntax QueueUrl string List queue tags Request Syntax edit your java file SqsClient sqsClient SqsClientcreate String queueUrl YOURQUEUEURL ListQueueTagsRequest Request ListQueueTagsRequestbuilder queueUrlqueueUrl build ListQueueTagsResponse Response sqsClientlistQueueTagsRequest SystemoutprintlnQueue Tags Responsetags Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the tags must be listed Response Syntax Tags TagKey1 TagValue1 TagKey2 TagValue2 List queues Request Syntax edit your java file ListQueuesRequest Request ListQueuesRequestbuilder queueNamePrefixYOURQUEUENAMEPREFIX maxResults10 build ListQueuesResponse Response sqsClientlistQueuesRequest SystemoutprintlnQueue URLs ResponsequeueUrls Parameters QueueNamePrefix string OptionalA string to use for filtering the list results Only those queues whose name begins with the specified string are returned MaxResults integer OptionalThe maximum number of results to include in the response Valid values 1 to 1000 Response Syntax QueueUrls string Purge queue delete all the messages from queue Request Syntax edit your java file String queueUrl queueurl PurgeQueueRequest purgeRequest new PurgeQueueRequestqueueUrl PurgeQueueResult purgeResult eqsclientpurgeQueuepurgeRequest SystemoutprintlnMessages purged from queue queueUrl Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the messages must be deleted Response Syntax void Receive message Request Syntax edit your java file String queueUrl yourqueueurlhere ReceiveMessageRequest Request new ReceiveMessageRequestqueueUrl withAttributeNamesAll can specify specific attributes as well withMessageAttributeNamesyourmessageattributenamehere withMaxNumberOfMessages2 withVisibilityTimeout25 withWaitTimeSeconds10 withReceiveRequestAttemptIdyourreceiverequestattemptidhere ReceiveMessageResult Result eqsclientreceiveMessageRequest Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are received AttributeNames ArrayListLinkList A list of attributes that need to be returned along with each message All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds MessageAttributeNames ArrayListLinkList The name of the message attribute MaxNumberOfMessages integer The maximum number of messages to return Valid range 1 to 10 default 1 VisibilityTimeout integer The duration in seconds that the received messages are hidden from subsequent retrieve requests after being retrieved by a ReceiveMessage request WaitTimeSeconds integer The duration in seconds for which the call waits for a message to arrive in the queue before returning Response Syntax Messages MessageId messageid ReceiptHandle receipthandle MD5OfBody messagebodyhash Body messagebody Attributes ApproximateReceiveCount 1 SentTimestamp sendtimestamp SenderId senderid ApproximateFirstReceiveTimestamp approxfirstreceivetimestamp MD5OfMessageAttributes messageattributeshash MessageAttributes MyAttribute StringValue stringvalue DataType String Send Message Request Syntax edit your java file String queueUrl QUEUEURL String messageBody MESSAGEBODY int delaySeconds 0 optional SendMessageRequest request new SendMessageRequest withQueueUrlqueueUrl withMessageBodymessageBody withDelaySecondsdelaySeconds Optional message attributes MapString MessageAttributeValue messageAttributes new HashMap messageAttributesputAttribute1 new MessageAttributeValue withDataTypeString withStringValueValue1 messageAttributesputAttribute2 new MessageAttributeValue withDataTypeNumber withStringValue123 requestsetMessageAttributesmessageAttributes Optional message system attributes MapString MessageSystemAttributeValue messageSystemAttributes new HashMap messageSystemAttributesputSystemAttribute1 new MessageSystemAttributeValue withDataTypeString withStringValueValue1 messageSystemAttributesputSystemAttribute2 new MessageSystemAttributeValue withDataTypeNumber withStringValue123 requestsetMessageSystemAttributesmessageSystemAttributes SendMessageResult result eqsclientsendMessagerequest Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are send MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes MapHashMap Each message attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string name of the message attributes MapHashMap Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes MapHashMap Each message system attribute consists of a Name Type and Value The name type value and message body must not be empty or null string the name of the message attributes MapHashMap Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support the following data type Binary Number String Response Syntax MessageId string MD5OfMessageBody string MD5OfMessageAttributes string MD5OfMessageSystemAttributes string SequenceNumber string string reprasent actual value return by the method Send message in batch Request Syntax edit your java file SendMessageBatchRequest Request new SendMessageBatchRequest withQueueUrlstring withEntriesnew SendMessageBatchRequestEntry withIdstring withMessageBodystring withDelaySeconds123 withMessageAttributesCollectionssingletonMap string new MessageAttributeValue withDataTypestring withStringValuestring withBinaryValueByteBufferwrapnew byte withMessageSystemAttributesCollectionssingletonMap string new MessageSystemAttributeValue withDataTypestring withStringValuestring withBinaryValueByteBufferwrapnew byte new SendMessageBatchRequestEntry withIdstring withMessageBodystring withDelaySeconds100 withMessageAttributesCollectionssingletonMap string new MessageAttributeValue withDataTypestring withStringValuestring withBinaryValueByteBufferwrapnew byte withMessageSystemAttributesCollectionssingletonMap string new MessageSystemAttributeValue withDataTypestring withStringValuestring withBinaryValueByteBufferwrapnew byte SendMessageBatchResult result eqsclientsendMessageBatchRequest Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are sent Entries ArrayListLinkList RequiredA list of SendMessageBatchRequestEntry items MapHashMap Contains the details of a single E2E EQS message along with an Id Id string REQUIREDAn identifier for a message in this batch is used to communicate the result MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes map Each message attribute consists of a Name Type and Value The Name type value and message body must not be empty or null string The name of the message attributes map Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed data encrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes MapHashMap Each message system attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string The name of the message attributes MapHashMap Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support following data type Binary Number String Response Syntax public class SendMessageBatchResult private ListSendMessageBatchResultEntry successful private ListBatchResultErrorEntry failed public class SendMessageBatchResultEntry private String id private String messageId private String mD5OfMessageBody private String mD5OfMessageAttributes private String mD5OfMessageSystemAttributes private String sequenceNumber public class BatchResultErrorEntry private String id private Boolean senderFault private String code private String message Set queue Attributes Request Syntax edit your java file String queueUrl yourqueueurl MapString String attributes new HashMap attributesputAttributeName AttributeValue SetQueueAttributesRequest request new SetQueueAttributesRequest withQueueUrlqueueUrl withAttributesattributes SetQueueAttributesResult result eqsclientsetQueueAttributesrequest Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which attributes should be set AttributesRequiredA map of attributes to set Response Syntax void Tag Queue Request Syntax edit your java file String queueUrl QUEUEURL MapString String tags new HashMap tagsputtag1 value1 tagsputtag2 value2 TagQueueRequest Request new TagQueueRequest withQueueUrlqueueUrl withTagstags TageQueueResult Result eqsclienttagQueueRequest Parameters QueueUrl string RequiredThe URL of the E2E EQS queue Tags RequiredThe map of tags to be added to the specified queue Response Syntax void Untag queue Request Syntax edit your java file ListString tagKeys ArraysasListtagkey1 tagkey2 tagkey3 UntagQueueRequest Request new UntagQueueRequest withQueueUrlqueueurl withTagKeystagKeys UntagqueueResult Result sqsClientuntagQueueRequest Parameters QueueUrl string RequiredThe URL of the E2E EQS queue TagKeys ArrayListLinkList RequiredThe list of tags to be removed from the specified queue Response Syntax void Ruby SDK 1 install gem and then install aws sdk for ruby If your project uses Bundler add the following line to your Gemfile to add the AWS SDK for Ruby to your project gem awssdk If you dont use Bundler the easiest way to install the SDK is to use RubyGems To install the latest version of the SDK use the following command gem install awssdk If the previous command fails on your Unixbased system use sudo to install the SDK as shown in the following command sudo gem install awssdk 2 Make a connection with the EQS client To make the connection with the EQS client you need to pass configurations and credentials Configurations regionname yourregion endpointurl eqsendpointurl provided by e2e networks eqs service Credentials awsaccesskeyid youraccesskeyid awssecretkeyid yoursecretkeyid Make connection with EQS You can establish the connection with the EQS client in several ways a You can directly pass the credentials and configurations at the time of making a session with the EQS client warning Hardcoded credentials in application is not recommended edit your rb file require awssdksqs eqsclient AwsSQSClientnew endpoint eqsendpointurlprovidedbye2e regionyourregion credentials AwsCredentialsnewawsaccesskeyidawssecretaccesskey b you can put credentials and configurations in the config and credentials file and these files should be located at awsconfig awscredentials location put into awsconfig file default region REGION put into awscredentials file default awsaccesskeyid ACCESSKEYID awssecretaccesskey SECRETKEY edit your rb file require awssdksqs eqsclient AwsSQSClientnew endpoint eqsendpointurlprovidedbye2e c you can make the connection with the EQS client by passing the credentials and configuration into the environment variables file To install the python dotenv package you can use the command gem install dotenv using terminal Linux OS X or Unix export AWSACCESSKEYID youraccesskeyid export AWSSECRETACCESSKEY yoursecretkey export AWSDEFAULTREGION youreqsregion using terminal Windows set AWSACCESSKEYID youraccesskeyid set AWSSECRETACCESSKEY yoursecretkey set AWSDEFAULTREGION youreqsregion or edit your enviourment valiable file AWSACCESSKEYID youraccesskeyid AWSSECRETACCESSKEY yoursecretaccesskey AWSDEFAULTREGION youreqsregion edit your rb file require awssdksqs require dotenvload eqsclient AwsSQSClientnew region ENVAWSREGION accesskeyid ENVAWSACCESSKEYID secretaccesskey ENVAWSSECRETACCESSKEY endpoint ENVAWSSQSENDPOINT Methods available in eqsclient Change VisibilityTimeout Request Syntax queueurl yourqueueurlhere receipthandle yourreceipthandlehere visibilitytimeout 123 resp eqsclientchangemessagevisibility queueurl queueurl receipthandle receipthandle visibilitytimeout visibilitytimeout Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed ReceiptHandle string RequiredThe receipt handle is associated with the message whose visibility timeout is changed This parameter is returned by the ReceiveMessage action VisibilityTimeout integer RequiredThe new value for the messages visibility timeout in seconds Response Syntax nil Change VisibilityTimeout in batch Request Syntax response eqsclientchangemessagevisibilitybatch queueurl string entries id string receipthandle string visibilitytimeout 123 Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed Entries Array RequiredHash id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle VisibilityTimeout string The new value in seconds for the messages visibility timeout Response Syntax successful id string failed id string senderfault true false code string message string Create queue Request Syntax queuename myqueue attributes DelaySeconds 0 MaximumMessageSize 262144 MessageRetentionPeriod 345600 ReceiveMessageWaitTimeSeconds 0 VisibilityTimeout 30 tags tagkey tagvalue resp eqsclientcreatequeue queuename queuename attributes attributes tags tags Parameters QueueName string Required1 A queue name can have up to 80 characters 2 Valid values alphanumeric characters hyphens and underscores Attributes Hash Attributes could be 1 DelaySeconds Timesecond to which extent delivery of messages is delayed in the queue Valid values 0 to 900 second default 0 second 2 MaximumMessageSize The size of the message after which the queue will reject the message Valid values 1024 bytes 1 KiB to 262144 bytes 256 KiB default 262144 bytes256 KiB 3 MessageRetentionPeriod Time to which extent a queue will retain a message Valid values 60 seconds 1 minute to 1209600 seconds 14 days default 345600 4 days 4 ReceiveMessageWaitTimeSeconds Time to which extent ReceiveMessage action waits before receiving a message Valid values 0 to 20 seconds default 0 second 5 VisibilityTimeout The amount of time that a message in a queue is invisible to other consumers after a consumer retrieves it Valid values 0 to 43200 seconds 12 hours default 30 second tags Hash 1 Adding more than 50 tags to a queue isnt recommended 2 A new tag with a key identical to that of an existing tag overwrites the existing tag Response Syntax queueurl string Delete message Request Syntax eqsclientdeletemessage queueurl string receipthandle string Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted ReceiptHandle string RequiredThe receipt handle is associated with the message to delete Response Syntax nil Delete message in batch Request Syntax response sqsclientdeletemessagebatch queueurl string required entries id string required receipthandle string required Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted Entries Array RequiredHash id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle Response Syntax successful id string failed id string senderfault false code string message string Delete queue Request Syntax resp eqsclientdeletequeue queueurl String required Parameters QueueUrl string Required The URL of the E2E EQS queue to delete Response Syntax nil Get queue Attributes Request Syntax queueurl yourqueueurl attributenames All resposne sqsgetqueueattributes queueurl queueurl attributenames attributenames Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which attributes are get AttributeNames ArrayString OptionalA list of attributes for which to retrieve information All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds Response Syntax attributes attributename1 attributevalue1 attributename2 attributevalue2 Get queue url Request Syntax queuename queuename resp sqsgetqueueurlqueuename queuename Parameters QueueName string RequiredThe name of the queue whose URL must be fetched Response Syntax queueurl string List queue tags Request Syntax queueurl queueurl resp sqslistqueuetags queueurl queueurl Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the tags must be listed Response Syntax Tags Key1 Value1 Key2 Value2 List queues Request Syntax queuenameprefix myqueue maxresults 10 resp sqslistqueues queuenameprefix queuenameprefix maxresults maxresults Parameters QueueNamePrefix string OptionalA string to use for filtering the list results Only those queues whose name begins with the specified string are returned MaxResults integer OptionalThe maximum number of results to include in the response Valid values 1 to 1000 Response Syntax queueurls string Purge queue delete all the messages from queue Request Syntax queueurl queueurl resp sqspurgequeue queueurl queueurl Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the messages must be deleted Response Syntax nil Receive message Request Syntax resp sqsclientreceivemessage queueurl string attributenames All messageattributenames string maxnumberofmessages 2 visibilitytimeout 25 waittimeseconds 10 receiverequestattemptid string Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are received AttributeNames Array A list of attributes that need to be returned along with each message All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds MessageAttributeNames Array The name of the message attribute MaxNumberOfMessages integer The maximum number of messages to return Valid range 1 to 10 default 1 VisibilityTimeout integer The duration in seconds that the received messages are hidden from subsequent retrieve requests after being retrieved by a ReceiveMessage request WaitTimeSeconds integer The duration in seconds for which the call waits for a message to arrive in the queue before returning Response Syntax messages messageid string receipthandle string md5ofbody string body string attributes string string md5ofmessageattributes string messageattributes string stringvalue string binaryvalue bytes datatype string Send message Request Syntax resp sqssendmessage queueurl QUEUEURL messagebody MESSAGEBODY delayseconds 123 messageattributes ATTRIBUTENAME stringvalue ATTRIBUTEVALUE datatype STRING EQS supports Binary Number String data types messagesystemattributes ATTRIBUTENAME stringvalue ATTRIBUTEVALUE datatype STRING EQS supports Binary Number String data types Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are send MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes Hash Each message attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string name of the message attributes Hash Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes Hash Each message system attribute consists of a Name Type and Value The name type value and message body must not be empty or null string the name of the message attributes Hash Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support the following data type Binary Number String Response Syntax md5ofmessagebody string md5ofmessageattributes string md5ofmessagesystemattributes string messageid string sequencenumber string Send message in batch Request Syntax resp sqsclientsendmessagebatch queueurl QUEUEURL entries id MESSAGEID1 messagebody MESSAGEBODY1 delayseconds 123 messageattributes ATTRIBUTENAME1 stringvalue ATTRIBUTEVALUE1 datatype String Binary or Number messagesystemattributes SYSATTRIBUTENAME1 stringvalue SYSATTRIBUTEVALUE1 datatype String Binary or Number id MESSAGEID2 messagebody MESSAGEBODY2 delayseconds 456 messageattributes ATTRIBUTENAME3 stringvalue ATTRIBUTEVALUE3 datatype String Binary or Number messagesystemattributes SYSATTRIBUTENAME3 stringvalue SYSATTRIBUTEVALUE3 datatype String Binary or Number Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are sent Entries Array RequiredA list of SendMessageBatchRequestEntry items Hash Contains the details of a single E2E EQS message along with an Id Id string REQUIREDAn identifier for a message in this batch is used to communicate the result MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes Hash Each message attribute consists of a Name Type and Value The Name type value and message body must not be empty or null string The name of the message attributes Hash Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed data encrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes Hash Each message system attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string The name of the message attributes Hash Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support following data type Binary Number String Response Syntax successful id string messageid string md5ofmessagebody string md5ofmessageattributes string md5ofmessagesystemattributes string sequencenumber string failed id string senderfault true false code string message string Set queue Attributes Request Syntax resp sqsclientsetqueueattributes queueurl string required attributes string string Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which attributes should be set Attributes HashRequiredA map of attributes to set Response Syntax nil Tag queue Request Syntax sqsclienttagqueue queueurl QUEUEURL tags TAGNAME TAGVALUE Parameters QueueUrl string RequiredThe URL of the E2E EQS queue Tags Hash RequiredThe list of tags to be added to the specified queue Response Syntax nil Untag queue Request Syntax queueurl QUEUEURL tagkeys TAGKEY1 TAGKEY2 sqsuntagqueue queueurl queueurl tagkeys tagkeys Parameters QueueUrl string RequiredThe URL of the E2E EQS queue TagKeys Array RequiredThe list of tags to be removed from the specified queue Response Syntax nil PHP SDK 1 Install php of version 550 or above 2 Install composer for your system 3 go to your directory and install awssdk for php using command composer require awsawssdkphp 4 You can use the below given Composer command to install the latest version of the AWS SDK for PHP as a dependency php d memorylimit1 composerphar require awsawssdkphp 4 Make a connection with the EQS client To make the connection with the EQS client you need to pass configurations and credentials Configurations regionname yourregion endpointurl eqsendpointurl provided by e2e networks eqs service Credentials awsaccesskeyid youraccesskeyid awssecretkeyid yoursecretkeyid Make connection with EQS You can make the connection with the EQS client in three ways a You can directly pass the credentials and configurations at the time of making a session with the EQS client warning Hardcoded credentials in application is not recommended edit your php file php require vendorautoloadphp use AwsCredentialsCredentials use AwsSqsSqsClient config region your region version 20121105 version of sdk endpoint endpointurltoconnectwitheqs credentials new Credentialseqsaccesskeyid eqssecretaccesskey eqsclient new SqsClient credentials credentials region configregion version configversion endpoint configendpoint you can put credentials and configurations in the config and credentials file and these files should be located at awsconfig awscredentials location put into awsconfig file default region REGION put into awscredentials file put into awscredentials file default awsaccesskeyid ACCESSKEYID awssecretaccesskey SECRETKEY edit your php file php require vendorautoloadphp use AwsSqsSqsClient use AwsExceptionAwsException eqsclient new SqsClient version20121105 region yourregion endpoint eqsendpointurlprovidedbye2e you can make the connection with the EQS client by passing the credentials and configuration into the environment variables file Install the vlucasphpdotenv package using Composer composer require vlucasphpdotenv using terminal Linux OS X or Unix export AWSACCESSKEYID youraccesskeyid export AWSSECRETACCESSKEY yoursecretkey export AWSDEFAULTREGION youreqsregion using terminal Windows set AWSACCESSKEYID youraccesskeyid set AWSSECRETACCESSKEY yoursecretkey set AWSDEFAULTREGION youreqsregion or edit your enviourment valiable file AWSACCESSKEYID youraccesskeyid AWSSECRETACCESSKEY yoursecretaccesskey AWSDEFAULTREGION youreqsregion edit your php file php requireonce DIR vendorautoloadphp use AwsSqsSqsClient use DotenvDotenv dotenv DotenvcreateImmutableDIR dotenvload eqsclient new SqsClient version 20121105 region getenvAWSREGION credentials key getenvAWSACCESSKEYID secret getenvAWSSECRETACCESSKEY above eqsclient is an object which has all methods related to queue operations Methods available in eqsclient Change VisibilityTimeout Request Syntax result eqsclientchangeMessageVisibility QueueUrl QUEUEURL ReceiptHandle RECEIPTHANDLE VisibilityTimeout 123 Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed ReceiptHandle string RequiredThe receipt handle is associated with the message whose visibility timeout is changed This parameter is returned by the ReceiveMessage action VisibilityTimeout integer RequiredThe new value for the messages visibility timeout in seconds Response Syntax null Change VisibilityTimeout in batch result eqsclientchangeMessageVisibilityBatch QueueUrl QUEUEURL Entries Id MESSAGEID1 ReceiptHandle RECEIPTHANDLE1 VisibilityTimeout 123 Id MESSAGEID2 ReceiptHandle RECEIPTHANDLE2 VisibilityTimeout 456 Parameters QueueUrl string RequiredThe URL of the E2E EQS queue whose messages visibility is changed Entries Array RequiredAssociative Array id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle VisibilityTimeout string The new value in seconds for the messages visibility timeout Response Syntax Failed Code string Id string Message string SenderFault true false Successful Id string Create queue Request Syntax params QueueName myqueue Attributes DelaySeconds 0 MaximumMessageSize 262144 MessageRetentionPeriod 345600 ReceiveMessageWaitTimeSeconds 0 VisibilityTimeout 30 tags Department Finance Create the queue result eqsclientcreateQueueparams Parameters QueueName string Required1 A queue name can have up to 80 characters 2 Valid values alphanumeric characters hyphens and underscores Attributes associative array Attributes could be 1 DelaySeconds Timesecond to which extent delivery of messages is delayed in the queue Valid values 0 to 900 second default 0 second 2 MaximumMessageSize The size of the message after which the queue will reject the message Valid values 1024 bytes 1 KiB to 262144 bytes 256 KiB default 262144 bytes256 KiB 3 MessageRetentionPeriod Time to which extent a queue will retain a message Valid values 60 seconds 1 minute to 1209600 seconds 14 days default 345600 4 days 4 ReceiveMessageWaitTimeSeconds Time to which extent ReceiveMessage action waits before receiving a message Valid values 0 to 20 seconds default 0 second 5 VisibilityTimeout The amount of time that a message in a queue is invisible to other consumers after a consumer retrieves it Valid values 0 to 43200 seconds 12 hours default 30 second tags associative array 1 Adding more than 50 tags to a queue isnt recommended 2 A new tag with a key identical to that of an existing tag overwrites the existing tag Response Syntax QueueUrl string Delete message Request Syntax eqsclientdeleteMessage QueueUrl QUEUEURL ReceiptHandle RECEIPTHANDLE Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted ReceiptHandle string RequiredThe receipt handle is associated with the message to delete Response Syntax null Delete message in batch Request Syntax result eqsclientdeleteMessageBatch QueueUrl QUEUEURL Entries Id MESSAGEID1 ReceiptHandle RECEIPTHANDLE1 Id MESSAGEID2 ReceiptHandle RECEIPTHANDLE2 Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are deleted Entries Array Requiredassociative array id Requiredstring An identifier for this particular receipt handle used to communicate the result ReceiptHandle Required string A receipt handle Response Syntax Successful Id string Additional successful entries Failed Id string SenderFault true false Code string Message string Additional failed entries Delete queue Request Syntax result eqsclientdeleteQueuearray QueueUrl is required QueueUrl string Parameters QueueUrl string Required The URL of the E2E EQS queue to delete Response Syntax null Get queue attributes Request Syntax params QueueUrl QUEUEURL AttributeNames All Or specify specific attributes as an array Call the operation result sqsClientgetQueueAttributesparams Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which attributes are get AttributeNames Array OptionalA list of attributes for which to retrieve information All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds Response Syntax Attributes string Get queue url Request Syntax result eqsclientgetQueueUrl QueueName string REQUIRED Parameters QueueName string RequiredThe name of the queue whose URL must be fetched Response Syntax QueueUrl string List queue tags Request Syntax result eqsclientlistQueueTags QueueUrl string Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the tags must be listed Response Syntax Tags string List queues Request Syntax result eqsclientlistQueues MaxResults integer NextToken string QueueNamePrefix string Parameters QueueNamePrefix string OptionalA string to use for filtering the list results Only those queues whose name begins with the specified string are returned NextTokenstring Pagination token to request the next set of results MaxResults integer OptionalThe maximum number of results to include in the response Valid values 1 to 1000 Response Syntax NextToken string QueueUrls string Purge queue delete all the messages from queue Request Syntax result eqsclientpurgeQueue QueueUrl string REQUIRED Parameters QueueUrl string RequiredThe URL of the E2E EQS queue of which all the messages must be deleted Response Syntax null Receive message result eqsclientreceiveMessage AttributeNames string MaxNumberOfMessages integer MessageAttributeNames string QueueUrl string REQUIRED ReceiveRequestAttemptId string VisibilityTimeout integer WaitTimeSeconds integer Parameters QueueUrl string RequiredThe URL of the E2E EQS queue from which messages are received AttributeNames Array A list of attributes that need to be returned along with each message All it specifies returns all values you can also specify specific attributes in the list As VisibilityTimeout MaximumMessageSize MessageRetentionPeriod ApproximateNumberOfMessages ApproximateNumberOfMessagesNotVisible CreatedTimestamp LastModifiedTimestamp QueueArn ApproximateNumberOfMessagesDelayed DelaySeconds ReceiveMessageWaitTimeSeconds MessageAttributeNames Array The name of the message attribute MaxNumberOfMessages integer The maximum number of messages to return Valid range 1 to 10 default 1 VisibilityTimeout integer The duration in seconds that the received messages are hidden from subsequent retrieve requests after being retrieved by a ReceiveMessage request WaitTimeSeconds integer The duration in seconds for which the call waits for a message to arrive in the queue before returning Response Syntax Messages Attributes string Body string MD5OfBody string MD5OfMessageAttributes string MessageAttributes String BinaryListValues string resource PsrHttpMessageStreamInterface BinaryValue string resource PsrHttpMessageStreamInterface DataType string StringListValues string StringValue string MessageId string ReceiptHandle string Send message Request Syntax result eqsclientsendMessage DelaySeconds integer MessageAttributes String DataType string REQUIRED StringListValues string StringValue string MessageBody string REQUIRED MessageDeduplicationId string MessageGroupId string MessageSystemAttributes MessageSystemAttributeNameForSends DataType string REQUIRED StringListValues string StringValue string QueueUrl string REQUIRED Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are send MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes associative array Each message attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string name of the message attributes associative array Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes associative array Each message system attribute consists of a Name Type and Value The name type value and message body must not be empty or null string the name of the message attributes associative array Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support the following data type Binary Number String Response Syntax MD5OfMessageAttributes string MD5OfMessageBody string MD5OfMessageSystemAttributes string MessageId string SequenceNumber string Send message in batch Request Syntax result eqsclientsendMessageBatch Entries REQUIRED DelaySeconds integer Id string REQUIRED MessageAttributes String DataType string REQUIRED StringListValues string StringValue string MessageBody string REQUIRED MessageDeduplicationId string MessageGroupId string MessageSystemAttributes MessageSystemAttributeNameForSends DataType string REQUIRED StringListValues string StringValue string QueueUrl string REQUIRED Parameters QueueUrl string RequiredThe URL of the E2E EQS queue to which messages are sent Entries Array RequiredA list of SendMessageBatchRequestEntry items Associative array Contains the details of a single E2E EQS message along with an Id Id string REQUIREDAn identifier for a message in this batch is used to communicate the result MessageBody string RequiredThe message to send The minimum size is one character The maximum size is 256 KB DelaySeconds integer The length of time in seconds for which to delay a specific message MessageAttributes associative array Each message attribute consists of a Name Type and Value The Name type value and message body must not be empty or null string The name of the message attributes associative array Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed data encrypted data or images string Required Type of message attributes EQS support the following data type Binary Number String MessageSystemAttributes associative array Each message system attribute consists of a Name Type and Value Name type value and the message body must not be empty or null string The name of the message attributes associative array Value of message attributes 1 StringValue string Strings are Unicode with UTF8 binary encoding 2 BinaryValue bytes Binary type attributes can store any binary data such as compressed dataencrypted data or images string Type of message attributes EQS support following data type Binary Number String Response Syntax Failed Code string Id string Message string SenderFault true false Successful Id string MD5OfMessageAttributes string MD5OfMessageBody string MD5OfMessageSystemAttributes string MessageId string SequenceNumber string Tag queue Request Syntax result eqsclienttagQueue QueueUrl string REQUIRED Tags string REQUIRED Parameters QueueUrl string RequiredThe URL of the E2E EQS queue Tags associative array RequiredThe list of tags to be added to the specified queue Response Syntax null Untag queue Request Syntax result eqsclientuntagQueue QueueUrl string REQUIRED TagKeys string REQUIRED Parameters QueueUrl string RequiredThe URL of the E2E EQS queue TagKeys Array RequiredThe list of tags to be removed from the specified queue Response Syntax null On this page How to Create EQS Actions Add Queue Creds Delete Add Queue under tab Actions for queue service Test Send Message Purge Delete Using SDK Python SDK Make connection with EQS Change VisibilityTimeout Change VisibilityTimeout in batch Close connection Create queue Delete message Delete message in batch Delete queue Get queue attributes Get queue url List queue tags List queues Purge queue Receive message Send message Send message in batch Set queue Attributes Tag queue Untag queue Reference code Golang SDK Make connection with EQS Change Visibility Timeout Create Queue Delete message Delete message in batch Delete queue Get queue attributes Get queue url List queue tags List queues Purge queue Receive Message Send messgage Send message in batch Set queue Attributes Tag queue Untag Queue Nodejs SDK Make Connection with EQS Change VisibilityTimeout Change VisibilityTimeout batch Close connection Create Queue Delete message Delete message in batch Delete queue Get Queue Attributes Get queue url List queue tags List queues Receive message Send messgage Send message in batch Set queue Attributes Tag queue Untag queue Java SDK Make connection with EQS Change VisibilityTimeout Change VisibilityTimeout in batch Close connection Create queue Delete message Delete message in batch Delete queue Get queue attributes Get queue url List queue tags List queues Purge queue Receive message Send Message Send message in batch Set queue Attributes Tag Queue Untag queue Ruby SDK Make connection with EQS Change VisibilityTimeout Change VisibilityTimeout in batch Create queue Delete message Delete message in batch Delete queue Get queue Attributes Get queue url List queue tags List queues Purge queue Receive message Send message Send message in batch Set queue Attributes Tag queue Untag queue PHP SDK Make connection with EQS Change VisibilityTimeout Change VisibilityTimeout in batch Create queue Delete message Delete message in batch Delete queue Get queue attributes Get queue url List queue tags List queues Purge queue Receive message Send message Send message in batch Tag queue Untag queue Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
DBaaS E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Database Management in E2E Networks DBaaS DBaaS Introduction E2Es DBaaS provides a selection of node types optimized to fit different relational database use cases consisting of different database engines Node Cluster configuration comprises varying combinations of CPU memory storage and gives you the flexibility to choose the appropriate mix of resources for your database E2Es Relational DBaaS Service makes it easier for us to set up and operate Relational Databases in the cloud providing us with Costefficient service and automating timeconsuming administrator tasks such as Provisioning Patching and Setups Benefits Easy Administration Database makes it easier to deploy the nodes Using the Myaccount portal with just a click away from providing necessary details you will be able to provision the node There will not be any administrative task of installing or maintaining the database software Scalability and Failover Database with only a few clicks helps you setup a slave which allows you to launch one or more Read Replicas to offload read traffic from your primary database nodes Speed Database Supports the most demanding application You can choose between different cluster configurations based on your usage which are optimized for high performance Secure Database is highly secure restricting access to the external environment with Firewall It Provides the necessary option for you to optimize the setting so that only a known and existing host will be able to connect with your database Getting Started with Database E2Es DBaaS is a service that makes it easier to set up operate and scale a relational database in the cloud MyAccount Portal provides you a webbased interface for accessing and managing all your Database resources How to Create a Database Cluster in Myaccount Portal This section will show you how to create a database cluster from the Myaccount portal The tutorial that is mentioned below are the basic steps of getting started with the Relational Database cluster in Myaccount Portal Login into MyAccount Portal Please Login to Myaccount Portal using your credentials set up at the time of creating and activating the E2E Networks My Account Navigate to Database Page Once you have logged in to Myaccount Portal You can navigate to the database page from the sidebar menu Create Database On the top right section of the manage database dashboard You need to click on the Create Database Button which will prompt you to the cluster page where you will be selecting the configuration and entering the details of your database Database Configuration and Setting Database Please choose a database of your preference from options such as MySQL MariaDB PostgreSQL MongoDB along with the specific version Each database provides a range of database engines and versions for selection Please select the appropriate version corresponding to the database engine Currently we are displaying the MySQL version in the image Below are the list of database engine which we currently support Mysql 56 Mysql 57 Mysql 80 Mariadb 104 Mariadb 106 Mariadb 1011 PostgreSQL 100 PostgreSQL 110 PostgreSQL 120 PostgreSQL 130 PostgreSQL 140 PostgreSQL 150 mongoDB 60 Cluster Configuration Node Cluster configuration comprises varying combinations of CPU memory storage and gives you the flexibility to choose the appropriate mix of resources for your database After that click on next icon Plan After selecting versionyou will be redirected to plan section Here you need to select plan according to your need By clicking Version you can see the selected version Details After selecting the plan You need to select the required configuration and setting for your database which are mentioned below Name You need to Provide the Cluster name which you want for your cluster This name will be visible on the Database page Database Setting We need to update the database name user and provide a secure password for our database You will be using these credentials to log in to the database server With strong password authentication your database controls and authenticates user accounts If a DB engine has strong password management features they can enhance security Once you have entered the required details click on create a database Your database might take a few minutes to Launch The database node will be in a setting up state until its ready to use and when the status will change to running VPC If you want to attach VPC with your DBaas you can select if you have VPC it will show in the list or you can create a new VPC by clicking on Create New VPC By clicking Plan you can see the selected plan Click on Next button Summary After clicking on Next button you will move to the Summary sectionIn that you will see the selected details and click on Submit button DBaaS Details After successfully created DBaas You can see the details of it on DBaaS Details tab Connecting to your database Cluster After E2Es database DBS provision your nodes you can use any standard SQL client application to connect to a database on the DB instance In this example you connect to a database on a Maria DB instance using the MySQL commandline tool To connect to your database node using MySQL command line Once your database has been provisioned and its running status You can get the database connectivity information on the dashboard Usernames Host Details Port SSL Mode Enter the following command at a command prompt on your local or client desktop to connect to a MySQL database mysql h host P 3306 u username p password After you enter the password for the user you should see output similar to the following Welcome to the MySQL monitor Commands end with or g Your MySQL connection id is 272 Server version 55510017MariaDBlog MariaDB Server Copyright c 2000 2015 Oracle andor its affiliates All rights reserved Oracle is a registered trademark of Oracle Corporation andor its affiliates Other names may be trademarks of their respective owners Type help or h for help Type c to clear the current input statement mysql To connect to your database node using MariaDB command line Once your database has been provisioned and its running status You can get the database connectivity information on the dashboard Usernames Host Details Port SSL Mode Enter the following command at a command prompt on your local or client desktop to connect to a MariaDB database mysql h host P 3306 u username p password To connect to your database node using PostgreSQL command line Once your database has been provisioned and its running status You can get the database connectivity information on the dashboard Usernames Host Details Port SSL Mode Enter the following command at a command prompt on your local or client desktop to connect to a PostgreSQL database psql h host p 5432 U username d database To connect to your database node using mongoDB command line Once your database has been provisioned and its running status You can get the database connectivity information on the dashboard Usernames Host Details Port SSL Mode Enter the following command at a command prompt on your local or client desktop to connect to a mongoDB database mongosh host host u username p authenticationDatabase databasename Whitelisted IP Allow Trusted Host IPs This setting control the access of Allowed Host IP that can be able to connect your Database node from your trusted ISP IP If No trusted host selected Anyone can connect using credentials Click on Add icon to add a new trusted IP address to the list Instead of using the default local loopback IP address 127001 provide the private IP address of the node you want to whitelist Confirm and save the changes The green mark likely indicates a successful addition of the trusted IP If you want to categorize or label the trusted IP for organizational purposes you can add a tag with a custom name Now you have successfully whitelisted the node IP in the DBaaS environment Additionally always follow best practices for securing databases and regularly monitor this helps to prevent brute force password and denialofservice attacks from any server not explicitly permitted to connect Snapshots The snapshot feature is valuable for data protection disaster recovery and testing scenarios providing users with the ability to easily revert to a previous database state or create duplicates for various purposesand we use restore snapshot to quickly recover lost or corrupted data recover from system failures and revert to a stable state in case of issues during testing or updates Its like a fastforward button to a previously known good state of a system Take Manual Snapshot of Database When the user wants to take a snapshot immediately and manually they can click on the take snapshot button After clicking on the take snapshot button A popup menu will appear prompting you to enter the snapshot name Provide the snapshot name and click on create snapshot to initiate the snapshot creation Restore Snapshot To restore the snapshot from the saved file click the action button select the restore option and proceed with the snapshot restoration Delete Snapshot When a user wants to deletes the snapshot they can remove from the snapshot list To delete a snapshot click the action button select the delete option and confirm the deletion of the snapshot Scheduled snapshot scheduled snapshot is a proactive approach to data management and system backup providing regular and automated snapshots to enhance data protection disaster recovery and overall system reliability When a user wants to schedules a time duration a snapshot will be created every day within the specified timeframe To schedule a snapshot of your database click on the Schedule link Choose the snapshot creation interval and select the desired time duration for taking snapshots Edit Scheduled Snapshot When a user wants to edit the scheduled snapshot interval they can modify the time duration for the scheduled snapshot changes To edit the scheduled snapshot of your database click on the Edit link Select the desired options and save the changes to the scheduled snapshot After editing the scheduled snapshot for your database you can disable the scheduled snapshot Schedule Lifecycle To configure the Schedule lifecycle of your database click on Schedule lifecycle and select the option to configure the snapshot lifecycle When a user selects the snapshot lifecycle the snapshot is automatically deleted after the specified time duration Note Snapshot will be deleted automatically after the selected interval Edit configure Snapshot lifecycle To edit the Configure scheduled snapshot of your database click on the Edit Configure Scheduled Snapshot button Select the desired options and save the changes to the scheduled snapshot When a user edits the snapshot lifecycle the time duration for the snapshot Lifecycle changes After editing the configure snapshot lifecycle for your database you can disable the configure snapshot lifecycle Read Replica The read replica operates as a DB instance that allows only readonly connections Applications can connect to a read replica just as they would to any DB instance Note The size of readonly nodes can not be set individually and are tied to the size of the DBaaS primary node Due to this readonly nodes must be at least as big as your DBaaSs primary node and will be automatically scaled to match Monitoring After you launch your database node you can view the monitoring graphs for your node on the Monitoring tab Each graph is based on one of the different metrics This information is collected from your node and processes raw data into readable graphs Monitoring is an important part of maintaining the reliability availability and performance of your database Alerts You can set up new alerts by defining trigger parameters as per your use case for your database The alerting system works by sending automatic response notifications to your defined email list After clicking click here link you will be redirected to Create Alert popup page In that you have to select Trigger Type and select Trigger Condition Enter Trigger value In that you have to select Trigger Duration and then click on Submit button After successfully creation of alert you can see the list below Slow Log Queries The slow query log feature in MySQL allows you to log all queries that take longer than a given threshold of execution time The queries in the slow query log are good candidates to start optimizing and eliminating the bottlenecks To configure slow log queries Click on configure view and select the appropriate time duration to log the queries that will be displayed on the dashboard Managing Your Database Node In this section you can find instructions and details to Manage and Maintain your database To manage your Database Instance Click on Action Button and Select Manage option for your database Node Stopping your Database If you are using your DB Node for temporary testing or for any other daily development activity and want to test out your database by stopping it which will close all the connections in your database You can perform this action by clicking on Action and selecting the Stop button Starting your Database You can resume your database which was stopped earlier by clicking on the Start button in the Action menu Resuming your database will retain the same IP and credentials for your database and there will not be any changes at configuration level Restart If you are testing out your DB nodes restarting your database to reset connections or for any troubleshooting purpose You can restart your database by clicking on the Restart button on the action menu Upgrade your database The DBaaS upgrade feature enables customers to easily upgrade their DBaaS plan based on their specific usage requirements For upgrading you database you have to click on Upgrade button under Action button Before upgrading you need to stop your DBaas first After clicking on Upgrade the Upgrade plan will be show and you have to click on Upgrade button with the selected plan after that the confirmation popup will be open and you have to click on Upgrade button After this the Upgrading process will be start and the database status will be in upgrading status Note Please ensure that your database is stopped when performing the upgrade action Delete your Database To delete your database click on Delete option Please note that once you have deleted your database you will not be able to recover your database After clicking on delete you will see the popup and click on delete On this page Introduction Benefits Easy Administration Scalability and Failover Speed Secure Getting Started with Database How to Create a Database Cluster in Myaccount Portal Login into MyAccount Portal Navigate to Database Page Create Database Database Configuration and Setting Database Plan Details Summary DBaaS Details Connecting to your database Cluster To connect to your database node using MySQL command line To connect to your database node using MariaDB command line To connect to your database node using PostgreSQL command line To connect to your database node using mongoDB command line Whitelisted IP Snapshots Take Manual Snapshot of Database Restore Snapshot Delete Snapshot Read Replica Monitoring Alerts Slow Log Queries Managing Your Database Node Stopping your Database Starting your Database Restart Upgrade your database Delete your Database Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
cPanel Linux Cloud Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpcPanel WHM Integrated Cloud Servers with LicenseFull Root access cPanel WHM preinstalled VMs All plans include licensing at no extra cost Manage security with Bitninja Oneclick install 450 apps with SoftaculousLaunch GPUContact SalesCheck Out The Pricing By Clicking HereProduct Enquiry Form Name RequiredEmail RequiredPhone RequiredCompany OptionalThank you Your submission has been received An expert from our sales team will contact you shortlyOops Something went wrong while submitting the formTable of ContentsExample H2Example H3Example H4Example H5Example H6Multiple Usecases One SolutionE2Es GPU Cloud is suitable for a wide range of usesBenefits of E2E GPU CloudNo Hidden FeesNo hidden or additional charges What you see on pricing charts is what you payNVIDIA Certified Elite CSP PartnerWe are NVIDIA Certified Elite Cloud Service provider partner Build or launch preinstalled software Cloud GPUs to ease your workNVIDIA Certified HardwareWe are using NVIDIA certified hardware for GPU accelerated workloadsFlexible PricingWe are offering pay as you go model to long tenure plans Easy upgrade allowed Option to increase storage allowedGPUaccelerated 1click NGC ContainersE2E Cloud GPUs have super simple one click support for NGC containers for deploying NVIDIA certified solutions for AIMLNLPComputer Vision and Data Science workloadsTrusted by 15000 ClientsView More Documentation ResourcesHow To Install Woocommerce In cPanelKnow the best ways to install WooCommerce The best WordPress plugin that can be used to create a website very quicklyRead MoreWHM To WHM Migration With Root AccessIf you have root access for both the source server and destination server then follow the below stepsRead MoreInstalling Magento On CpanelLearn how you can install Magento on cPanel with simple stepsRead MoreI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdThis is one of the best cloud server providers as we are part of this provider and using it the service and other things are good and accurateHardeep Singh AhluwaliaSenior Manager IT Infra Successive TechnologiesWe have been using E2E Networks for the past 6 months and I am extremely satisfied with the service and the customer support Their servers are quite reliable and very costeffective especially the GPU machines The team is always ready to solve any problem however small Very happy to make E2E Networks our longterm partnersHarshit AgrawalData Scientist at Studio SirahHave been using E2E Networks infra for a decade now and never had any issues Scootsy ran 80 of the workload on E2E Networks before it was acquired by SwiggyKunal ShethFounder GottaGo Ex CTO at ScootsyAntfarm We at CamCom are using E2E GPU servers for a while now and the priceperformance is the best in the Indian market We also have enjoyed a fast turnaround from the support and sales team always I highly recommend the E2E GPU servers for machine learning deep learning and Image processing purposeMr Uma MaheshCOO at CamCom AIE2E Cloud is NextGen PaaS IaaS provider It is a fully augmented and automated platform that is the best in practice in the current Cloud market We are using E2E Networks for more than 5 years and are very much satisfied with the deliverables They have very affordable pricing and are changemaker in the Indian Hosting IndustryMr Devarsh PandyaFounder at CantechE2E GPU machines are superior in terms of performance and at the same time you end up saving more money compared to AWS and Azure Not to mention the agility and skilled customer support that comes alongArvind SainiVP of Engineering at Crownit GoldVIPThe customer support that E2E has provided us is beyond exceptional Their quick response is what makes them stand apart from others and is second to none in the cloud space Weve been using their GPU instances for our Deep Learning workloads for quite a long time The quality of service is amazing at a competitive price and we strongly recommend E2EAkshay Kumar CFounder COO at Marsviewai incCongratulations Thanks for the fast reliable and costeffective solution for my small startup since Mar 2016Ratul NandiLead Software Engineer Gartner previously CEBYou guys are doing everything perfectly I couldnt ask for anything more Keep it up Very happy with the serviceMr Mayank MalhotraDirector ZenwebnetE2E Networks has helped me reach my 1st goal with its cloud platform They gave us a trial to get used to the service Happy with their product will surely recommend others to try it once Good support so farShahnawaz Alam CTO HW Wellness Solutions Pvt LtdFor most startups AWS EC2 is unnecessarily costly Even better for India get a machine from E2E NetworksNaman SarawagiFounder FindYogiI am very much happy with E2E Networks Pvt Ltd Im using your services for the past year and I have provided E2E with multiple clients Whoever is looking for servers I strongly recommend E2E NetworksProtik BanerjeeRelcode Technology Pvt LtdI had a pleasant experience with E2E Network when I purchase the cPanel license plan They provided the onboarding support when I generated a ticket for the purchase Everything was delivered swiftly without any problemsChaitanyakumar GajjarFounder Infinity Software SolutionsPlease reach out to e2e networks if you need any cloud services their service is awesome I want to rate 55 for their servicesShreekethIssaniWe are using E2E Cloud servers since last 2 years Very happy with costeffective and highperformance compute nodes We were able to reduce our hosting expenses by 40 without compromising on quality security and stabilityVinod PandeyCofounder CTO myCBSEguideReally good service from E2E Networks And at very affordable prices We are satisfied with them The Cloud console access feature is a very good and very easy user interface And I am satisfied with the service features and Highperformance network for data uploaddownloadVarun SharmaCeo WebFreakSolutionEasy to Manage Easy to pay Low Cost Charan SinghSr Manager Crayons Advertising Pvt LtdI have been using E2E Cloud for almost a year now These guys are the most professional of all the cloud providers in India They have absolutely reliable products and also charge the lowest rate I would like to recommend it to all who are looking for COST Effective cloud serversNaresh KumarSystem Administrator Aravali College of Engg MgmtOur experience with E2E has been better than AWS as our website is performing better both in terms of latency and uptime Since E2E provides plans that are simple to understand implement and are a complete package our efforts are concentrated on the development and not on maintaining the infrastructureArjun GuptaSenior Manager Pharma Synth Formulations LimitedWe have been using Kubernetes cluster on E2E Cloud and are reasonably satisfied with its performance We were able to reduce our costs by 40 after migrating from Azure My big thanks to the E2E Cloud team for launching a Cloud and helping Indian startups in reducing their cloud costsAmarjeet SinghCoFounder CTO ZenatixThe platform is comfortable support is good 2 years anniversary completed in E2EMr Yonti LevinCoFounder CTO at LooraAbout UsE2E Networks Ltd is an Indiafocused Cloud Computing Company pioneering the introduction of contractless cloud computing for Indian startups and SMEs The E2E Networks Cloud has been employed by numerous successfully scaledup startups such as Zomato Cardekho Healthkart Junglee Games 1mg and many others It played a crucial role in facilitating their growth from the startup stage to achieving multimillion Daily Active Users DAUsLearn MoreWhat Our Customers SayFor over a decade we have delighted our customers with stellar infrastructure and supportI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdPress and Media MentionsListed on NSE Emerge Backed by Blume Ventures Loved by PressFrequently Asked QuestionsWhat is a cPanel Cloud Server It is a virtual linux machines or a virtual private server that comes with preinstalled cPanel WHMIs the cPanel license cost included Yes all the plans are including the cPanel licensing cost You dont have to buy a separate license Well provide one by default Build on the most powerful infrastructure cloudGet Started for FreeContact SalesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
Frequently Asked Questions FAQs E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Kubernetes Service Frequently Asked Questions FAQs Frequently Asked Questions FAQs What is a node pool A node pool is a group of nodes within a cluster that all have the same configuration or Node pools are independent groups of worker nodes belonging to a cluster where all nodes within a pool share a common configuration What is the minimum limit of nodes in Node pool Minimum 2 nodes are required in a combination of node pools What is the Maximum limit of node pools Max number of node pools is 20 Do I get access to the node in my node pool You cant access your worker node by using an SSH connection On this page What is a node pool What is the minimum limit of nodes in Node pool What is the Maximum limit of node pools Do I get access to the node in my node pool Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
3 NGINX Ingress Controller E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Kubernetes Service 3 NGINX Ingress Controller 3 NGINX Ingress Controller The NGINX Ingress Controller is a popular opensource project that extends Kubernetes to manage and load balance application traffic within a cluster It acts as an Ingress resource for Kubernetes providing advanced features and capabilities for routing and managing HTTP HTTPS and TCP traffic to services in the cluster Here are some key features and functions of the NGINX Ingress Controller Ingress Resource Management It extends Kubernetes Ingress resource by adding more features and flexibility for routing traffic to services based on hostnames paths and other criteria Load Balancing The controller can distribute incoming traffic to different backend services based on rules defined in the Ingress resource It supports roundrobin least connections and IP hash load balancing methods SSLTLS Termination It can terminate SSLTLS encryption for incoming traffic enabling secure communication between clients and services Rewrites and Redirections The controller allows you to define URL rewrites and redirections to customize the behavior of incoming requests PathBased Routing You can route traffic based on the URL path to different services allowing for microservices architecture and application segregation Web Application Firewall WAF It supports the integration of Web Application Firewall WAF solutions for enhanced security Custom Error Pages You can define custom error pages for specific HTTP error codes TCP and UDP Load Balancing Besides HTTPHTTPS traffic the controller can handle TCP and UDP traffic as well Authentication and Authorization It can be configured to enforce authentication and authorization for incoming requests Custom Configurations You can customize NGINX configurations to meet specific requirements by using ConfigMaps and Annotations AutoScaling The controller can automatically scale the number of NGINX pods to handle increased traffic load Metrics and Monitoring It provides metrics and logs for monitoring and troubleshooting When NGINX is deployed to your DigitalOcean Kubernetes DOKS cluster a Load Balancer is created as well through which it receives the outside traffic Then you will have a domain set up with A type records hosts which in turn point to your load balancers external IP So data flow goes like this User Request HostDOMAIN Load Balancer Ingress Controller NGINX Backend Applications Services In a real world scenario you do not want to use one Load Balancer per service so you need a proxy inside the cluster which is provided by the Ingress Controller As with every Ingress Controller NGINX allows you to define ingress objects Each ingress object contains a set of rules that define how to route external traffic HTTP requests to your backend services For example you can have multiple hosts defined under a single domain and then let NGINX take care of routing traffic to the correct host The NGINX Ingress Controller is deployed via Helm and can be managed the usual way To know more about the community maintained version of the NGINX Ingress Controller check the official Kubernetes documentation Getting Started After Deploying NGINX Ingress Controller Please refer to this document to connect your kubernetes cluster httpsdocse2enetworkscomkuberneteskuberneteshtmlhowtodownloadkubeconfigyamlfile Once you have set up your cluster using kubectl proceed with executing the following commands helm repo add ingressnginx httpskubernetesgithubioingressnginx helm repo update Confirming that NGINX Ingress Controller is running First check if the Helm installation was successful by running command below helm ls n ingressnginx The Status column value should be deployed Next verify if the NGINX Ingress Controller Pods are up and running kubectl get pods allnamespaces l appkubernetesionameingressnginx Pods Should be in Ready State and Running Status Finally inspect the external IP address of your NGINX Ingress Controller Load Balancer by running below command kubectl get svc n ingressnginx Check if Valid IP is attached to the Service of Type LoadBalancer If externalip of service of type LoadBalancer is in pending status and you dont have any available ip Then attach ip to the cluster from LB IP POOL Tab To attach Ip to the cluster please refer this link httpsdocse2enetworkscomkuberneteskuberneteshtmlloadbalancer To see how to get domain name attach to ip lease please refer this link httpsdocse2enetworkscomnetworkingdnshtml Tweaking Helm Values The NGINX Ingress stack provides some custom values to start with See the values file from the main GitHub repository for more information You can inspect all the available options as well as the default values for the NGINX Ingress Helm chart by running the following command helm show values ingressnginxingressnginx version 472 After customizing the Helm values file valuesyml you can apply the changes via helm upgrade command as shown below helm upgrade ingressnginx ingressnginxingressnginx version 472 namespace ingressnginx values valuesyml Configuring NGINX Ingress Rules for Services To expose backend applications services to the outside world you specify the mapping between the hosts and services in your Ingress Controller NGINX follows a simple pattern in which you define a set of rules Each rule associates a host to a backend service via a corresponding path prefix Typical ingress resource for NGINX looks like below apiVersion networkingk8siov1 kind Ingress metadata name servicea name of your choice spec ingressClassName nginx rules host ingressmyexamplecom http paths path pathType Prefix backend service name servicea name of service you want to run port number 80 value of port on your service Explanations for the above configuration specrules A list of host rules used to configure the Ingress If unspecified or no rule matches all traffic is sent to the default backend specruleshost Host is the fully qualified domain name of a network host eg ingressmyexamplecom specruleshttp List of http selectors pointing to backends specruleshttppaths A collection of paths that map requests to backends In the above example the path prefix is matched with the echo backend service running on port 80 The above ingress resource tells NGINX to route each HTTP request that is using the prefix for the ingressmyexamplecom host to the echo backend service running on port 80 In other words every time you make a call to httpingressmyexamplecom the request and reply will be served by the echo backend service running on port 80 If you want to make a request on httpsingressmyexamplecom then you must need a tlsssl certificate Typical NGINX Ingress Rule for such case is apiVersion networkingk8siov1 kind Ingress metadata name servicea name of your choice spec ingressClassName nginx rules host ingressmyexamplecom http paths path pathType Prefix backend service name servicea name of service you want to run port number 80 tls hosts ingressmyexamplecom secretName serviceasecret Explanations for the above configuration spectls A collection of list of hosts and secretName NOTE SecretName is the same secret you have created while creating certificate using certmanager Please refer to the certmanager documentation for further information httpsdocse2enetworkscomkuberneteskubernetesmarketplacehtmlcertmanager For further information you can follow ingress documentation Upgrading the NGINX Ingress Chart You can check what versions are available to upgrade by navigating to the ingressnginx official releases page on GitHub Alternatively you can also use ArtifactHUB Then to upgrade the stack to a newer version run the following command helm upgrade ingressnginx ingressnginxingressnginx version INGRESSNGINXSTACKNEWVERSION namespace ingressnginx values YOURHELMVALUESFILE See helm upgrade for more information about the command Upgrading With Zero Downtime in Production By default the ingressnginx controller has service interruptions whenever its pods are restarted or redeployed In order to fix that see this blog post by Lindsay Landry from Codecademy Uninstalling the NGINX Ingress Controller To delete your installation of NGINX Ingress Controller run the following command helm uninstall ingressnginx n ingressnginx NOTE The command will delete all the associated Kubernetes resources installed by the ingressnginx Helm chart except the namespace itself To delete the ingressnginx namespace as well please run below command kubectl delete ns ingressnginx On this page Getting Started After Deploying NGINX Ingress Controller Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
E2E Networks Documentation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks Documentation Welcome to E2E Networks platform documentation E2E Networks Limited is Indias leading NSElisted AIfirst hyperscale cloud provider Here users will find detailed guides tutorials and troubleshooting tips covering a wide range of topics from CPU and GPU compute usage to TIR AI Platform Kubernetes services Terraform our ecosystem of cloud technologies our APIs and SDK storage solutions and about our DBaaS platform You will also find help on our Billing and Payment system security and our processes for handling abuse You will also find tutorials that help you get started with building applications in the AIML domain Finally you can also check out our release notes for latest features fixes and updates released on Myaccount Getting Started To get started head to Myaccount and follow the sign up process explained here Note that the process is slightly different for Indian individiuals Indian organizations and International organizations Click here to get started Our AIFirst Infrastructure E2E Networks advanced cloud GPUs offer developers unprecedented access to highperformance computing resources essential for tackling intensive tasks like machine learning deep learning and complex data analytics Our GPUs ranging from HGX 8xH100 A100 clusters L4OS T4 and others are integrated into E2Es cloud infrastructure and provide a highend platform to developers for AI inference and development Get started with our GPU nodes here TIR AI Platform TIR is a modern AI Development Platform designed to tackle the friction of training and serving large AI models TIR uses highly optimised GPU containers NGC preconfigured environments pytorch tensorflow triton automated API generation for model serving shared notebook storage and much more Learn more about TIR here On this page Getting Started Our AIFirst Infrastructure TIR AI Platform Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Step by Step Guide to FineTuning BLOOM E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation Welcome to TIR AI Platform Documentation Tutorials Step by Step Guide to FineTuning BLOOM Step by Step Guide to FineTuning BLOOM Introduction BLOOM is a powerful tool that can be used for a variety of tasks including Text generation BLOOM can generate text in any of the languages it was trained on including creative text formats such as poems code scripts musical pieces email and letters Translation BLOOM can translate text from one language to another with high accuracy Code generation BLOOM can generate code in a variety of programming languages including Python Java C and JavaScript Question answering BLOOM can answer your questions in a comprehensive and informative way even if they are open ended challenging or strange BLOOM is still under development but it has the potential to revolutionize the way we interact with computers It can be used to create new and innovative applications in a wide range of fields including education healthcare and business One of the key benefits of BLOOM is that it is opensource and openaccess This means that anyone can use BLOOM to develop new applications or to explore the capabilities of LLMs This is a significant step forward in the field of AI as it democratizes access to LLM technology and makes it possible for more people to benefit from its capabilities What Is FineTuning Finetuning is a technique in machine learning where a pretrained model is adapted to a new task by training it on a small amount of data that is specific to the new task This is different to training a model from scratch which requires a large amount of data and can be timeconsuming Finetuning is a powerful technique for training LLMs on new tasks BLOOM is a pretrained LLM so it can be finetuned to perform a variety of tasks such as generating text translating languages and writing creative content Why FineTune BLOOM There are several reasons why you might want to finetune BLOOM To improve the performance of BLOOM on a specific task For example you could finetune BLOOM to generate more creative texts or to translate languages more accurately To adapt BLOOM to a new domain For example you could finetune BLOOM to generate text in a specific industry or to translate languages from a specific region To develop a custom LLM that is tailored to your specific needs For example you could finetune BLOOM to generate text that is specific to your company or to translate languages that are relevant to your research Benefits of FineTuning BLOOM Finetuning BLOOM offers a number of benefits including Improved performance on specific tasks Adaptation to new domains Development of custom LLMs Reduced training time and cost Finetuning BLOOM can be a relatively quick and easy way to improve the performance of BLOOM on a specific task or to adapt BLOOM to a new domain This can be a significant advantage over training a model from scratch which can be timeconsuming and expensive Requirements Python Libraries To finetune BLOOM a user needs the following A notebook backed by a GPU Finetuning BLOOM requires a GPU with at least 4GB of memory However this can handle only basic operations and higher functions require higher memory Python programming language Transformers library BLOOM model and tokenizer A training dataset The training dataset should be a collection of text examples that are relevant to the task The following steps can be followed to finetune BLOOM Install the required Python libraries Download the BLOOM model and tokenizer Load your training data Prepare your training data Define your training arguments Train the model Evaluate the model Save the finetuned model In addition to the requirements listed above there are a few other things to keep in mind while finetuning BLOOM The size of the training dataset The larger the training dataset the better the finetuned model will perform The quality of your training dataset The training dataset should be highquality and representative of the task that you want to finetune BLOOM for The hyperparameters that you use for training The hyperparameters control the training process such as the number of training epochs and the learning rate It is important to tune the hyperparameters to get the best performance from the finetuned model Launch Your GPUBacked Notebook Head over to E2E Cloudhttpsmyaccounte2enetworkscom and sign in or register Once through click on the top left corner to head to TIR AI Platform Then click on Create a Notebook Create Notebook on TIR Make sure you select GPU notebook Free credits are available which should easily suffice for this tutorial Once notebook has been launched follow through the next steps Packages and Libraries You will have to install the following libraries pip install transformers pip install accelerate U pip install datasets import transformers from transformers import BloomForCausalLM from transformers import BloomForTokenClassification from transformers import BloomTokenizerFast from transformers import TrainingArguments from transformers import Trainer from transformers import AutoTokenizer from transformers import DataCollatorWithPadding import torch from datasets import loaddataset import random BLOOM Model and Tokenizer To finetune BLOOM the user will need to load their training data The training data should be a collection of text examples that are relevant to the task that the user wants to finetune BLOOM for For example if the user wants to finetune BLOOM to generate more creative texts they could use a training dataset of poems code scripts musical pieces email and letters If the user wants to finetune BLOOM to translate languages more accurately they could use a training dataset of parallel text in multiple languages Once the user has collected their training data they need to convert it to a format that can be used by the BLOOM model The BLOOM model expects the training data to be in a tokenized format To tokenize the training data the user can use the BLOOM tokenizer The BLOOM tokenizer will split the training data into individual tokens which are the basic units of text that the BLOOM model can understand Here is an example of how to tokenize the training data using the BLOOM tokenizer import transformers tokenizer BloomTokenizerFastfrompretrainedbigsciencebloom1b7 Load the training data trainingdata with opentrainingdatatxt r as f for line in f trainingdataappendlinestrip Tokenize the training data tokenizedtrainingdata tokenizertrainingdata returntensorspt Training Data To prepare the training data for training the user needs to split the tokenized training data into pairs of input and target sequences The input sequence is the text that the BLOOM model should predict and the target sequence is the text that the BLOOM model should predict For example if the user is finetuning BLOOM to generate text their training dataset might look like this Input sequence I am a cat Target sequence Meow Input sequence I love to play Target sequence Fun Once the user has created a training dataset they need to split it into training and validation sets The training set should be about 80 of the total dataset and the validation set should be about 20 of the total dataset To split the dataset the user can use the following Python code import random Split the dataset into training and validation sets traindataset valdataset for inputids attentionmask in tokenizedtrainingdata if randomrandom 08 traindatasetappendinputids attentionmask else valdatasetappendinputids attentionmask Example Suppose tokenizedtrainingdata is a list containing the following pairs of inputids and attentionmask tokenizedtrainingdata 1 2 3 1 1 1 4 5 6 1 1 1 7 8 9 1 1 1 10 11 12 1 1 1 After running the above code the user might end up with traindataset and valdataset similar to the following traindataset 1 2 3 1 1 1 7 8 9 1 1 1 valdataset 4 5 6 1 1 1 10 11 12 1 1 1 Training the BLOOM Model To train the BLOOM model the user can use the Trainer class from the Transformers library The Trainer class provides a number of features that make it easy to train and evaluate LLMs such as Automatic gradient computation Distributed training Early stopping Evaluation metrics To train the BLOOM model using the Trainer class the user can use the following Python code pip install transformers pip install accelerate U pip install datasets import transformers from transformers import BloomForCausalLM from transformers import BloomForTokenClassification from transformers import BloomTokenizerFast from transformers import TrainingArguments from transformers import Trainer from transformers import AutoTokenizer from transformers import DataCollatorWithPadding import torch from datasets import loaddataset Load the BLOOM model and tokenizer model BloomForCausalLMfrompretrainedbigsciencebloom1b7 tokenizer BloomTokenizerFastfrompretrainedbigsciencebloom1b7 Create the training dataset rawdatasets loaddatasetglue mrpc checkpoint bertbaseuncased tokenizer AutoTokenizerfrompretrainedcheckpoint def tokenizefunctionexample return tokenizerexamplesentence1 examplesentence2 truncationTrue tokenizeddatasets rawdatasetsmaptokenizefunction batchedTrue datacollator DataCollatorWithPaddingtokenizertokenizer traindatasettokenizeddatasetstrain Create the validation dataset evaldatasettokenizeddatasetsvalidation Define the training arguments trainingargs TrainingArguments outputdiroutput numtrainepochs10 perdevicetrainbatchsize16 perdeviceevalbatchsize8 learningrate2e5 Create the trainer trainer Trainer model trainingargs traindatasettraindataset evaldatasetevaldataset datacollatordatacollator tokenizertokenizer Train the model trainertrain Evaluation To evaluate the finetuned BLOOM model the user can use the following Python code Evaluate the model on the test dataset testaccuracy trainerevaluatetestdataset The test loss and accuracy will give the user an indication of how well the finetuned BLOOM model will perform on new data If the test loss and accuracy are satisfactory the user can use the finetuned model to generate text translate languages and write creative content Here are some tips for finetuning BLOOM Use a large and representative training dataset The larger and more representative the training dataset is the better the finetuned model will perform Use a suitable learning rate The learning rate controls how quickly the model learns A toohigh learning rate can cause the model to overfit the training data while a toolow learning rate can cause the model to learn slowly Use early stopping Early stopping prevents the model from overfitting the training data by stopping training when the validation loss stops decreasing Experiment with different hyperparameters The hyperparameters of the training process can have a significant impact on the performance of the finetuned model Experiment with different hyperparameters to find the best combination for the users task Saving and Loading Once the user has trained and evaluated the finetuned BLOOM model they can save it to a file so that they can use it later To do this the user can use the savepretrained method of the Trainer class Load the finetuned BLOOM model model BloomForCausalLMfrompretraineddirectory Save the finetuned model to a file modelsavepretraineddirectory Once the user has saved the finetuned model they can load it back into memory using the frompretrained method Load the finetuned BLOOM model model BloomForCausalLMfrompretraineddirectory The user can then use the finetuned model to generate text translate languages and write creative content Example Let us test BLOOM with various prompts The required packages are first installed and necessary libraries are imported pip install transformers from transformers import BloomForCausalLM from transformers import BloomForTokenClassification from transformers import BloomTokenizerFast import torch The BLOOM model is then imported to the local drive Here 1b7 version of bloom is imported into the system The size of the model is 344 GB tokenizer BloomTokenizerFastfrompretrainedbigsciencebloom1b7 localfilesonlyFalse model BloomForCausalLMfrompretrainedbigsciencebloom1b7 localfilesonlyFalse Once the pretrained model is downloaded we can then move to giving different prompts as inputs prompt resultlength inputs tokenizerprompt returntensorspt printtokenizerdecodemodelgenerateinputsinputids maxlengthresultlength numbeams2 norepeatngramsize2 earlystoppingTrue 0 Example 1 Let us consider generating text related to E2E Cloud BLOOM has no prior awareness of it But it has to generate text based on its training even without knowing about E2E The required length is 50 characters prompt E2E cloud is a cloud service provider It is resultlength 50 inputs tokenizerprompt returntensorspt Output E2E cloud is a cloud service provider It is the only cloud provider in the world that provides a complete cloud solution for the entire enterprise The company is based in Singapore and has offices in Hong Kong Singapore and the United States From the output it can be seen that the model has given wrong information but it is somewhat believable to someone who does not know about the company The generated text attributes characteristics and locations to the company based on what the model has learned during its training although these details might not be accurate because the model is not aware of the specific company This highlights both the flexibility and the limitations of such largescale language models Example 2 Let us consider generating text related to some generic content in this case an animal The prompt given is Jaguars are wild species they with the required length of 50 characters prompt Jaguars are wild species they resultlength 50 inputs tokenizerprompt returntensorspt Output Jaguars are a wild species they are not easy to domesticate and they have a tendency to become aggressive They are also very territorial so it is important to keep them in a small space BLOOM demonstrates its ability to produce factual and contextually relevant information about jaguars a wild animal species This suggests that BLOOM is wellequipped to handle generalized queries synthesizing its vast training data into an accurate and informative output Overall this example showcases the models strength in producing reliable and coherent text when presented with a generic topic Example 3 Let us consider generating a longer text with a question The text asked is a technical question The prompt given is What is deep learning with a required length of 200 characters prompt What is deep learning resultlength 200 inputs tokenizerprompt returntensorspt Output What is deep learning Deep learning is a machine learning technique that uses a large amount of data to learn a model that can be used to solve a specific problem Deep neural networks DNNs are a type of machinelearning algorithm that learns from data They are used in a wide range of applications including computer vision speech recognition and natural language processing The DNN is trained using a set of labeled data which is called the training set Once trained the model is able to generalize well to unseen data Deep learning has been used for a variety of tasks such as image classification text categorization image captioning object detection etc In this paper we focus on the task of image segmentation Image segmentation is the process of identifying and classifying the objects in an image There are two main types of segmentation algorithms regionbased and objectbased Regionbased algorithms segment the image into regions based on certain criteria while object BLOOM takes on a technical question about deep learning and provides a comprehensive answer within the 200character limit BLOOM effectively demonstrates its capability to not only answer a question but also provide contextual background information thereby giving the reader a rounded understanding of the subject This example exemplifies BLOOMs prowess in generating detailed informative and relevant content in response to technical queries Conclusion Here are some example use cases for finetuned BLOOM Generating creative text Finetuned BLOOM can be used to generate creative text such as poems code scripts musical pieces email and letters Translating languages Finetuned BLOOM can be used to translate languages more accurately and fluently Answering questions Finetuned BLOOM can be used to answer questions in a more comprehensive and informative way Summarizing text Finetuned BLOOM can be used to summarize text more concisely and accurately These are just a few examples of the many possible use cases for finetuned BLOOM By finetuning BLOOM to a specific task you can unlock its full potential to generate creative text translate languages answer questions summarize text and write different kinds of creative contentFinetuning BLOOM is a powerful way to adapt the model to a specific task By following the tips in this guide users can finetune BLOOM to achieve good performance on a variety of tasks such as generating creative text translating languages answering questions summarizing text and writing different kinds of creative content Running BLOOM on a large scale requires a large RAM size and cloud E2E Cloud offers various cloud based GPU processors at a nominal cost If you require running BLOOM LLM consider using E2E cloud serviceshttpswwwe2enetworkscomproducts NVIDIA L4 and A100 GPUs are considered to be good for Natural Language processing Compare themhttpswwwe2enetworkscomblognvidial4vsa100gpuschoosingtherightoptionforyouraineeds to find which is more suitable to your requirements On this page Introduction What Is FineTuning Why FineTune BLOOM Benefits of FineTuning BLOOM Requirements Python Libraries Launch Your GPUBacked Notebook Packages and Libraries BLOOM Model and Tokenizer Training Data Example Training the BLOOM Model Load the BLOOM model and tokenizer Create the validation dataset Define the training arguments Create the trainer Evaluation Saving and Loading Example 1 Example 2 Example 3 Conclusion Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Nvidia V100 Tensor Core Cloud GPU 32 GB E2E Cloud Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpNVIDIA TESLA V100NVIDIA Tesla V100 Tensor Core is the most advanced data center GPU ever built to accelerate AI high performance computing HPC data science and graphicsLaunch GPUContact SalesCheck Out The Pricing By Clicking HereProduct Enquiry Form Name RequiredEmail RequiredPhone RequiredCompany OptionalThank you Your submission has been received An expert from our sales team will contact you shortlyOops Something went wrong while submitting the formTable of ContentsExample H2Example H3Example H4Example H5Example H6Multiple Usecases One SolutionE2Es GPU Cloud is suitable for a wide range of usesAIMLDLTrain complex models at high speed to improve predictions and decisions of your algorithms Use any framework or library TensorFlow PyTorch Caffe MXNet AutoKeras and many moreComputer VisionAccelerate Convolutional Neural Networks based on deeplearning workloads like video analysis facial recognition medical imaging and othersNatural Language ProcessingConversational AI technologies are becoming ubiquitous with countless products taking advantage of automatic speech recognition natural language understanding and speech synthesis coming to marketBenefits of E2E GPU CloudNo Hidden FeesNo hidden or additional charges What you see on pricing charts is what you payNVIDIA Certified Elite CSP PartnerWe are NVIDIA Certified Elite Cloud Service provider partner Build or launch preinstalled software Cloud GPUs to ease your workNVIDIA Certified HardwareWe are using NVIDIA certified hardware for GPU accelerated workloadsFlexible PricingWe are offering pay as you go model to long tenure plans Easy upgrade allowed Option to increase storage allowedGPUaccelerated 1click NGC ContainersE2E Cloud GPUs have super simple one click support for NGC containers for deploying NVIDIA certified solutions for AIMLNLPComputer Vision and Data Science workloadsTrusted by 15000 ClientsView More Documentation ResourcesRead MoreRead MoreRead MoreI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdThis is one of the best cloud server providers as we are part of this provider and using it the service and other things are good and accurateHardeep Singh AhluwaliaSenior Manager IT Infra Successive TechnologiesWe have been using E2E Networks for the past 6 months and I am extremely satisfied with the service and the customer support Their servers are quite reliable and very costeffective especially the GPU machines The team is always ready to solve any problem however small Very happy to make E2E Networks our longterm partnersHarshit AgrawalData Scientist at Studio SirahHave been using E2E Networks infra for a decade now and never had any issues Scootsy ran 80 of the workload on E2E Networks before it was acquired by SwiggyKunal ShethFounder GottaGo Ex CTO at ScootsyAntfarm We at CamCom are using E2E GPU servers for a while now and the priceperformance is the best in the Indian market We also have enjoyed a fast turnaround from the support and sales team always I highly recommend the E2E GPU servers for machine learning deep learning and Image processing purposeMr Uma MaheshCOO at CamCom AIE2E Cloud is NextGen PaaS IaaS provider It is a fully augmented and automated platform that is the best in practice in the current Cloud market We are using E2E Networks for more than 5 years and are very much satisfied with the deliverables They have very affordable pricing and are changemaker in the Indian Hosting IndustryMr Devarsh PandyaFounder at CantechE2E GPU machines are superior in terms of performance and at the same time you end up saving more money compared to AWS and Azure Not to mention the agility and skilled customer support that comes alongArvind SainiVP of Engineering at Crownit GoldVIPThe customer support that E2E has provided us is beyond exceptional Their quick response is what makes them stand apart from others and is second to none in the cloud space Weve been using their GPU instances for our Deep Learning workloads for quite a long time The quality of service is amazing at a competitive price and we strongly recommend E2EAkshay Kumar CFounder COO at Marsviewai incCongratulations Thanks for the fast reliable and costeffective solution for my small startup since Mar 2016Ratul NandiLead Software Engineer Gartner previously CEBYou guys are doing everything perfectly I couldnt ask for anything more Keep it up Very happy with the serviceMr Mayank MalhotraDirector ZenwebnetE2E Networks has helped me reach my 1st goal with its cloud platform They gave us a trial to get used to the service Happy with their product will surely recommend others to try it once Good support so farShahnawaz Alam CTO HW Wellness Solutions Pvt LtdFor most startups AWS EC2 is unnecessarily costly Even better for India get a machine from E2E NetworksNaman SarawagiFounder FindYogiI am very much happy with E2E Networks Pvt Ltd Im using your services for the past year and I have provided E2E with multiple clients Whoever is looking for servers I strongly recommend E2E NetworksProtik BanerjeeRelcode Technology Pvt LtdI had a pleasant experience with E2E Network when I purchase the cPanel license plan They provided the onboarding support when I generated a ticket for the purchase Everything was delivered swiftly without any problemsChaitanyakumar GajjarFounder Infinity Software SolutionsPlease reach out to e2e networks if you need any cloud services their service is awesome I want to rate 55 for their servicesShreekethIssaniWe are using E2E Cloud servers since last 2 years Very happy with costeffective and highperformance compute nodes We were able to reduce our hosting expenses by 40 without compromising on quality security and stabilityVinod PandeyCofounder CTO myCBSEguideReally good service from E2E Networks And at very affordable prices We are satisfied with them The Cloud console access feature is a very good and very easy user interface And I am satisfied with the service features and Highperformance network for data uploaddownloadVarun SharmaCeo WebFreakSolutionEasy to Manage Easy to pay Low Cost Charan SinghSr Manager Crayons Advertising Pvt LtdI have been using E2E Cloud for almost a year now These guys are the most professional of all the cloud providers in India They have absolutely reliable products and also charge the lowest rate I would like to recommend it to all who are looking for COST Effective cloud serversNaresh KumarSystem Administrator Aravali College of Engg MgmtOur experience with E2E has been better than AWS as our website is performing better both in terms of latency and uptime Since E2E provides plans that are simple to understand implement and are a complete package our efforts are concentrated on the development and not on maintaining the infrastructureArjun GuptaSenior Manager Pharma Synth Formulations LimitedWe have been using Kubernetes cluster on E2E Cloud and are reasonably satisfied with its performance We were able to reduce our costs by 40 after migrating from Azure My big thanks to the E2E Cloud team for launching a Cloud and helping Indian startups in reducing their cloud costsAmarjeet SinghCoFounder CTO ZenatixThe platform is comfortable support is good 2 years anniversary completed in E2EMr Yonti LevinCoFounder CTO at LooraAbout UsE2E Networks Ltd is an Indiafocused Cloud Computing Company pioneering the introduction of contractless cloud computing for Indian startups and SMEs The E2E Networks Cloud has been employed by numerous successfully scaledup startups such as Zomato Cardekho Healthkart Junglee Games 1mg and many others It played a crucial role in facilitating their growth from the startup stage to achieving multimillion Daily Active Users DAUsLearn MoreWhat Our Customers SayFor over a decade we have delighted our customers with stellar infrastructure and supportI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdPress and Media MentionsListed on NSE Emerge Backed by Blume Ventures Loved by PressFrequently Asked QuestionsWhats the graphics memory of Nvidia V100 32 GBHow is the monthly pricing calculated Monthly prices shown are calculated using an assumed usage of 730 hours per month actual monthly costs may vary based on the number of days in a month Build on the most powerful infrastructure cloudGet Started for FreeContact SalesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
E2E Networks Customer Validation Process for Indian Customers E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation SignUp Process and Myaccount Dashboard Access E2E Networks Customer Validation Process for Indian Customers E2E Networks Customer Validation Process for Indian Customers In line with the recent CERTIn directions issued by Indian Computer Emergency Response Team CERTIn under subsection 6 of section 70B of the Information Technology Act 2000 relating to information security practices procedure prevention response and reporting of cyber incidents for Safe Trusted Internet dated April 28 2022 available at link httpswwwcertinorginPDFCERTInDirections70B28042022pdf the Data Centres Virtual Private Server VPS providers Cloud Service providers shall be required to inter alia maintain the validated contact details name and addresses of their subscribers Accordingly at least one contact in your myaccount CRN Customer Relationship Number needs to complete our Customer Validation process maximum by December 31 2022 by following the below mentioned steps If you are a PrimaryAdmin User in your CRN A primaryadmin user can themselves complete customer validation for the CRN using Click here or they can also nominate other users in the CRN to complete the customer validation process using Nominate When primaryadmin user clicks on nominate link in the Notification banner message then they will be redirected to the customer validation section under manage customer profile page Click on the nominate button towards the right of the specific user email to nominate that user to complete customer validation The nominated user will receive an email along with Notification banner message in their MyAccount login Nominated users can complete customer validation using click here link in the Notification banner message in the my account login Once a nominated user or primaryadmin user proceeds to do customer validation by using Click here in the banner message shown to them then they will need to accept the Term of Service TOS You need to tick the check box and Click on Agree and Proceed to proceed further Once you accept the Term of Service then you will be redirected to our identity verification partner who is asking your permission to allow them to get your details from Govt authorized databases to perform eKYC Note Please note we do not receive or store your complete 12digit Aadhaar number anywhere on the E2E Networks Limited servers We only retain limited data which can suffice to prove that the account was successfully validated Please rest assured that the information you have supplied will only be used for the purposes of validating the customer Click on Proceed to Digilocker when the following page appears Click on Allow Enter your Aadhaar and captcha and click on next Enter the otp received on your mobile number and click on continue Thereafter the following page will appear After a few seconds you will be redirected to your E2E Myaccount and a message that your customer validation is successfully completed will be shown If you are not a PrimaryAdmin User in your CRN You need to connect with your adminprimary user to complete customer validation or nominate youother users in your CRN to complete customer validation process On this page If you are a PrimaryAdmin User in your CRN If you are not a PrimaryAdmin User in your CRN Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
How to set up Infra credits balance alert E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Billing and Payment Information How to set up Infra credits balance alert How to set up Infra credits balance alert Infra Credits Balance Alert You can set up an Infra Credits Balance alert that will be triggered via email or SMS when your infra credit balance falls below a threshold limit set by you Setting up Infra Credits Balance alert helps you to keep track of infra credits balance and avoid any surprises when you have overspent the Infra Credits or the balance goes to negative This feature is especially useful as an early warning system if someone launches surplus services by mistake It sends timely reminders to you to topup MyAccount with Infra Credits This is a standalone feature available under the AutoPay page and does not require you to add a credit or debit card You can follow the below steps to set up an Infra credit alert for your MyAccount STEP 1 Logging into E2E Networks My Account In your web browsers address bar type httpswwwe2enetworkscom Log in using your credentials set up at the time of creating and activating the E2E Networks MyAccount STEP 2 Navigate to PayNow page You see a Dashboard on your screen Click on the AutoPay submenu under the Billing heading on the left The AutoPay page will open on the right side STEP 3 Set up Infra Credits Balance Alert The Infra credits Balance alert is default enabled with 1000 threshold for your MyAccount To change the threshold value enter the new threshold value in the text box below This value is the lower watermark and if your infra credit balance falls below this value you will receive an alert on your preferred communication channel By default you will receive emailbased low Infra Credits Balance alert The SMS based alert mode is optional After selecting your preferred mode please click on Save You can change the threshold value and your preference for EmailSMS anytime later Also at any time you can optout to receive an infra credit balance alert by deselecting the checkbox On this page Infra Credits Balance Alert STEP 1 Logging into E2E Networks My Account STEP 2 Navigate to PayNow page STEP 3 Set up Infra Credits Balance Alert Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Windows on E2E Cloud Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpWindows on E2E CloudAffordable Scalable Reliable and Secure Cloud For WindowsWindows Server Editions 2019 2016Launch GPUContact SalesCheck Out The Pricing By Clicking HereProduct Enquiry Form Name RequiredEmail RequiredPhone RequiredCompany OptionalThank you Your submission has been received An expert from our sales team will contact you shortlyOops Something went wrong while submitting the formTable of ContentsExample H2Example H3Example H4Example H5Example H6Multiple Usecases One SolutionE2Es GPU Cloud is suitable for a wide range of usesBenefits of E2E GPU CloudNo Hidden FeesNo hidden or additional charges What you see on pricing charts is what you payNVIDIA Certified Elite CSP PartnerWe are NVIDIA Certified Elite Cloud Service provider partner Build or launch preinstalled software Cloud GPUs to ease your workNVIDIA Certified HardwareWe are using NVIDIA certified hardware for GPU accelerated workloadsFlexible PricingWe are offering pay as you go model to long tenure plans Easy upgrade allowed Option to increase storage allowedGPUaccelerated 1click NGC ContainersE2E Cloud GPUs have super simple one click support for NGC containers for deploying NVIDIA certified solutions for AIMLNLPComputer Vision and Data Science workloadsTrusted by 15000 ClientsView More Documentation Resources11 Features Of Windows 2019Microsoft has come up with a new version of its server operating system It has shifted to a more gradual upgrade of Windows Server It is fabricated on a strong foundationRead MoreWindows 2019 Vs Windows 2016Windows Server 2019 is the current version of Microsoft Windows Server The latest version of Windows Server 2019 is very improved and comes with better performanceRead More7 Steps To Harden Windows ServerWindows Server hardening includes identifying and fixing security vulnerabilities Here are the 7 Windows Server hardening best practices you can use immediately to decreaseRead MoreI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdThis is one of the best cloud server providers as we are part of this provider and using it the service and other things are good and accurateHardeep Singh AhluwaliaSenior Manager IT Infra Successive TechnologiesWe have been using E2E Networks for the past 6 months and I am extremely satisfied with the service and the customer support Their servers are quite reliable and very costeffective especially the GPU machines The team is always ready to solve any problem however small Very happy to make E2E Networks our longterm partnersHarshit AgrawalData Scientist at Studio SirahHave been using E2E Networks infra for a decade now and never had any issues Scootsy ran 80 of the workload on E2E Networks before it was acquired by SwiggyKunal ShethFounder GottaGo Ex CTO at ScootsyAntfarm We at CamCom are using E2E GPU servers for a while now and the priceperformance is the best in the Indian market We also have enjoyed a fast turnaround from the support and sales team always I highly recommend the E2E GPU servers for machine learning deep learning and Image processing purposeMr Uma MaheshCOO at CamCom AIE2E Cloud is NextGen PaaS IaaS provider It is a fully augmented and automated platform that is the best in practice in the current Cloud market We are using E2E Networks for more than 5 years and are very much satisfied with the deliverables They have very affordable pricing and are changemaker in the Indian Hosting IndustryMr Devarsh PandyaFounder at CantechE2E GPU machines are superior in terms of performance and at the same time you end up saving more money compared to AWS and Azure Not to mention the agility and skilled customer support that comes alongArvind SainiVP of Engineering at Crownit GoldVIPThe customer support that E2E has provided us is beyond exceptional Their quick response is what makes them stand apart from others and is second to none in the cloud space Weve been using their GPU instances for our Deep Learning workloads for quite a long time The quality of service is amazing at a competitive price and we strongly recommend E2EAkshay Kumar CFounder COO at Marsviewai incCongratulations Thanks for the fast reliable and costeffective solution for my small startup since Mar 2016Ratul NandiLead Software Engineer Gartner previously CEBYou guys are doing everything perfectly I couldnt ask for anything more Keep it up Very happy with the serviceMr Mayank MalhotraDirector ZenwebnetE2E Networks has helped me reach my 1st goal with its cloud platform They gave us a trial to get used to the service Happy with their product will surely recommend others to try it once Good support so farShahnawaz Alam CTO HW Wellness Solutions Pvt LtdFor most startups AWS EC2 is unnecessarily costly Even better for India get a machine from E2E NetworksNaman SarawagiFounder FindYogiI am very much happy with E2E Networks Pvt Ltd Im using your services for the past year and I have provided E2E with multiple clients Whoever is looking for servers I strongly recommend E2E NetworksProtik BanerjeeRelcode Technology Pvt LtdI had a pleasant experience with E2E Network when I purchase the cPanel license plan They provided the onboarding support when I generated a ticket for the purchase Everything was delivered swiftly without any problemsChaitanyakumar GajjarFounder Infinity Software SolutionsPlease reach out to e2e networks if you need any cloud services their service is awesome I want to rate 55 for their servicesShreekethIssaniWe are using E2E Cloud servers since last 2 years Very happy with costeffective and highperformance compute nodes We were able to reduce our hosting expenses by 40 without compromising on quality security and stabilityVinod PandeyCofounder CTO myCBSEguideReally good service from E2E Networks And at very affordable prices We are satisfied with them The Cloud console access feature is a very good and very easy user interface And I am satisfied with the service features and Highperformance network for data uploaddownloadVarun SharmaCeo WebFreakSolutionEasy to Manage Easy to pay Low Cost Charan SinghSr Manager Crayons Advertising Pvt LtdI have been using E2E Cloud for almost a year now These guys are the most professional of all the cloud providers in India They have absolutely reliable products and also charge the lowest rate I would like to recommend it to all who are looking for COST Effective cloud serversNaresh KumarSystem Administrator Aravali College of Engg MgmtOur experience with E2E has been better than AWS as our website is performing better both in terms of latency and uptime Since E2E provides plans that are simple to understand implement and are a complete package our efforts are concentrated on the development and not on maintaining the infrastructureArjun GuptaSenior Manager Pharma Synth Formulations LimitedWe have been using Kubernetes cluster on E2E Cloud and are reasonably satisfied with its performance We were able to reduce our costs by 40 after migrating from Azure My big thanks to the E2E Cloud team for launching a Cloud and helping Indian startups in reducing their cloud costsAmarjeet SinghCoFounder CTO ZenatixThe platform is comfortable support is good 2 years anniversary completed in E2EMr Yonti LevinCoFounder CTO at LooraAbout UsE2E Networks Ltd is an Indiafocused Cloud Computing Company pioneering the introduction of contractless cloud computing for Indian startups and SMEs The E2E Networks Cloud has been employed by numerous successfully scaledup startups such as Zomato Cardekho Healthkart Junglee Games 1mg and many others It played a crucial role in facilitating their growth from the startup stage to achieving multimillion Daily Active Users DAUsLearn MoreWhat Our Customers SayFor over a decade we have delighted our customers with stellar infrastructure and supportI recently signed up with E2E Networks for their Cloud Server services and I have been very impressed with their Linux servers The service is not only very affordable but it also offers great performance and reliability I would highly recommend E2E Networks to anyone looking for a reliable and costeffective cloud server provider especially for Indian clients Proud WadhwaDjango Developer Great Future Technology Pvt LtdPress and Media MentionsListed on NSE Emerge Backed by Blume Ventures Loved by PressFrequently Asked QuestionsWhat are the Windows Server versions you support We support last 3 Microsoft Window server standard editions including the latest windows server 2019Is windows server license prices included Yes Microsoft Windows server license price is included in the E2E windows cloud server plans Build on the most powerful infrastructure cloudGet Started for FreeContact SalesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
Customer Validation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation SignUp Process and Myaccount Dashboard Access Customer Validation Customer Validation For Indian Customer Aadhar Validation If the user will click on the option to Initiate then the page will redirect for Aadhaar validation After completion of Aadhaar validation the default address will be displayed on the screen which will be the same as Adhaar and we are also giving the option of Adding another address If the user wants to add one After completion the address wizard user will need to do the payment verification process After completion of all processes the user will be able to use myaccount After clicking Initate a popup will appear and shows a message like aadhaar based validation for the services for E2E networks ltd then click on Agree and Proceed Then it will redirect to the Bureau site KYC verification with Digilocker then click on Proceed to Digilocker Then another popup will appear the customer has to fill in his Aadhar details After completing the Aadhar validation a popup will appear on the Dashboard for Update Billing Address in that field customer has the option to choose an address from aadhar or the customer can add another address which is different from the address above mentioned Other Method of Validation Note If customer Having Trouble in Validation with Initiate then user needs to follow below steps If you are Having Trouble in Validation then you have to click on Try other way button After that Popup will be open abd you have to click on Initiate button After click on Initiate button Terms and Conditions popup will be open and you have to click on Agree an Proceed button After that you have to Upload ID card Front and Upoad ID card Back After uploading you have to click on submit button After submit ID card the Selfie validation process will be start and you have to capture your photo And click on Submit button After Clicking on Submit button you have to enter billing address and click on Proceed button After that the Validation will be start and after validation you will be notify on your email On this page For Indian Customer Aadhar Validation Other Method of Validation Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Customer Validation E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registery API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation SignUp Process and Myaccount Dashboard Access Customer Validation Customer Validation For International Customers Validate Now If the user will click on the Initiate now then the page will redirect stripe validation After clicking on the button a popup will appear and shows a message like strip based validation for the services for E2E networks ltd Here customer choose complete on mobile verification or Continue on this device when customer choose mobile verification click on complete on mobile verification After clicking complete on mobile verification button then show multiple option like using QR Code SMS email and using link option Using QR Code Using SMS Using Email Using Link when customer choose Continue on this device Provide Photo ID By Adhaar Validation After payment validation User redirect on Customer Validation page it should show the option Click here to validate using Indian Identity If the user will click on Click here to validate using Indian Identity then it redirect to another page of Aadhar Validation If the user will click on the option to Initiate then one popup will open for Aadhaar validation After checking this popup User redirect on Bureau site KYC verification with Digilocker page Click on Proceed to Digilocker Then another popup will appear the customer has to fill in his Aadhar details After completing the Aadhar validation it will show Welcome to your Digilocker Account After completion of Aadhar validation it should show Success message on Dashboard On this page For International Customers Validate Now By Adhaar Validation Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
How to view all your invoices payment history E2E Networks documentation Skip to content E2E Cloud Docs E2E Networks TIR Toggle navigation menu Login Sign Up E2E Networks documentation K Docs E2E Networks TIR Myaccount Getting Started with Myaccount SignUp Process for Indian Customers Customer validation Process for Indian Customers SignUp Process for International Customers Customer Validation Process for International Process Customer Validation Process for Contact Persons Domestic Customer Validation Process FAQs International Customer Validation Process FAQs Sign In Process Release Notes Compute Nodes Virtual Compute Nodes Monitoring 1Click Deployment Active Directory GPU GPU Cloud EQS Introduction How to Create EQS Actions Add Queue under tab Actions for queue service Using SDK Appliance Load Balancer Appliance Auto Scaling Introduction Concepts Define Scale Groups FaaS Function as a Service FaaS How to Create Functions Functions Information Network CDN VPC How to reserve an IP address Reserve IP Pool DNS Custom Reverse DNS Firewall Security Group Tag Security Firewall Bitninja Best Practices SSH Key Management Audit Logs Password Policy 2Factor Authentication Others License Management User Management Purchase SSL CertbotPlugin Apply or Redeem Coupon Code Account Statement Cloud Platform Support Introduction Platform Support Policy FAQ E2Es MyAccount FAQs Code of Conduct of Directors and Senior Management CSR Policy Whistle blower policy Jitsi Meet Mod Evasive Multisite using cPanel Softaculous Copying data from Linux to Windows using WinSCP Migrate MySQL Database Between DBaaS Manage MySQL Abuse Abuse Logs Abuse Attacks Spam Mails Phishing Complaint Copyright Complaint Billing Payment Payment Method EMandate Redeem Coupon Customer Details Updation Setup AutoDebit feature TDS Deduction process Declaration us 206AB Minimum Billing Provisioning and Deprovisioning Process View Invoice and Payment Prepaid Billing Set up Infra Credits Balance Alert Whatsapp notification for Payment reminder Restore Service on a Suspended Account for NonPayment Database Database Database PostgreSQL Parameter Group How to create Parameter Group MongoDB mariaDB Storage Storage Block Storage Object Storage CDP Backup Scalable File System Kubernetes Kubernetes Service Kubernetes Kubernetes Marketplace Monitoring Stack Cert Manager Nginx Ingress Controller Troubleshooting Argo CD Declarative GitOps CD for Kubernetes Deploy to Kubernetes using Argo CD and GitOps Jenkins CI Tool Setup Jenkins On Kubernetes Cluster Ansible CD Tool Istio Service Connecting to Dbaas FAQS Container Registery Container Registry Simplifying Pull Operations with UserFriendly Interface API Developers Guide API SDK E2E CLI Tool Introduction Terraform Terraform Getting Started e2enode Resource Node Plans e2eimage Resource AIML TIR AI Release Notes TIR AI Platform Introduction Getting Started Howto Guides Projects Notebooks Committed Notebook GPU H100 Plans Datasets Model Repository Model Endpoints Pipeline Run Scheduled Run Fine Tuning Models Model Playground Samples and Tutorials API Tokens SSH Key Container Team Features Settings Analytics Billing AIML Tutorials Finetune LLMA with Multiple GPUs Deploy Inference for LLMA 2 Deploy Inference for Codellama Deploy Inference for Stable Diffusion v21 Finetune Stable Diffusion model on TIR Deploy Inference for MPT7BCHAT Custom Containers in TIR Fine Tuning Bloom Natural Language Queries to SQL wth Code Llama E2E Networks documentation E2E Networks Billing and Payment Information How to view all your invoices payment history How to view all your invoices payment history Account Statement The account statement is a summary of financial transactions and usages which have occurred over a given period on a MyAccount held by you This help article describes how to viewread various reports under the account statement section of MyAccount You can refer to the E2E Networks pricing page for an overview of our products and service along with the prices STEP 1 Logging into E2E Networks MyAccount Please go to MyAccount and log in using your credentials set up at the time of creating and activating the E2E Networks MyAccount STEP 2 Navigate to the account statement page Log in to your account using your credentials On the left side of the MyAccount dashboard click on the Account Statement submenu available under the Billing section You may also click on View Payment Details under the title of Accounts on the dashboard For a postpaid customer the following screen shall be shown and this account statement screen will have Ledger Invoice and Credit Notes reports related to your MyAccount For a prepaid customer the following screen shall be shown and this account statement screen will have Infra Credit Details Usage Details Ledger Invoices Credit Notes and TDS Details reports related to your MyAccount Note If you have not used any products or services then there will be no records available in the account statement reports STEP 3 ViewRead various reports Ledger You can view a detailed Ledger report that contains a row for every financial transaction placed for your account in chronological order The ledger statement has two sides to represent debit and credit balances Debit means an entry recorded for a payment to be done by you Credit means an entry recorded for a payment received from you Invoices At the end of a billing cycle or at the time you purchase infra credits then E2E Networks issues your invoice as a PDF file All the generated invoices for your account are available under the Invoices report and you can download the PDF invoice on click the download button The status of each individual invoice is shown The table below gives the meaning of each status value Status Name Meaning Unsigned Invoice The issued invoice is not digitally signed Invoices are signed within 1 business day Unpaid Invoice is issued to the customer and payment is to be done Paid Payment is made by the customer and the invoice is settled Partially Paid Payment is made partially and invoice is not fully settled Overdue Invoice is not paid and the due date has already passed To download the invoice you require choose the Invoice and click on the Download link Credit Notes The credit notes report shall have details of credit notes issued by E2E Networks to you To download the credit notes you require choose the credit note and click on the Download link Infra Credit Details This tab is shown only for customer who has purchased Infra credits from E2E Networks This section shall show debit and credit transactions done using infra credits as per the usage of services and products in your account You can also see a summary of infra credits used and infra credits available in your account Usage Details Usage Details report provides information about infra credits deducted for the respective E2E product and service used by you This report will be available to you if using a prepaid billing system You can filter the usage report data and also download usage detail reports either in Excel or PDF by clicking on the icon TDS Details The statement of infra credits that are on hold would be available under the TDS details statement report only if TDS deduction service opted by you and using a prepaid billing system Click here to know more about the TDS deduction On this page Account Statement STEP 1 Logging into E2E Networks MyAccount STEP 2 Navigate to the account statement page STEP 3 ViewRead various reports Ledger Invoices Credit Notes Infra Credit Details Usage Details TDS Details Products TIR AI Platform GPU Dedicated Compute CPU Intensive Cloud High Memory Cloud Linux Smart Dedicated cPanel Linux Cloud Windows Cloud Windows SQL Cloud Plesk Windows Cloud GPU Smart Dedicated Load Balancer Company About Us Meet the Team Become a Partner E2E in Media Testimonials Investors Careers Contact Us Contact Sales Escalation Matrix Service Level Agreement Terms of Service Privacy Policy Refund Policy Policy FAQ Resources Blog Events Service Health Status Help White Papers Ecosystem Enablers Customers Certifications Countries Served FAQs E2E Networks Limited E2E Networks Limited is a NSE Listed AIFirst Hyperscale Cloud Computing Platform CIN Number L72900DL2009PLC341980 Copyright 2023 E2E Networks Limited
Service Level Agreement Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpService Level AgreementE2E Networks Limited E2E provides cloud platform and configuration services including but not limited to smart dedicated servers graphics processing units object storage content delivery network service and continuous data protection back up services Services to its customers Customers and such use of the Services by the Customers shall be governed by the online Terms of Service available at link httpswwwe2enetworkscompoliciestermsofservice Terms or master services agreement MSA if any executed between E2E and the Customer Notwithstanding the foregoing this service level agreement SLA shall be applicable to all Customers irrespective of whether they have executed an MSA or not including those Customers who are availing the Services through a free trial facility E2E may modify thisSLA at any time by posting a revised version of the same on E2Es website Website and the amended version of the SLA shall become automatically binding on the Customer if it continues to avail of the ServicesThis SLA sets out service levels for the provision of the Services and these shall be read with the Terms of Service Terms The Customers use of Services or its registration with us constitutes agreement to this SLA and makes it legally binding on the Customer1 DEFINITIONSExcept as otherwise defined in this SLA or unless the context otherwise requires all defined terms in this SLA shall have the same meanings as defined in the Terms of Service or applicable MSA if any11 Uptime or UT means the aggregate percentage of hours in a calendar month during which the Services are actually available for use by the CustomerUT 100 DT Downtime DT as defined below12 Fault means failure to meet the applicable service level set out in this SLA13 Service Time or ST means the total hours in the calendar month during which Services are being provided by E2E to the Customer Eg 3024720 hours in a 30 day calendar month14 Emergency Maintenance or EM shall mean maintenance carried out under a condition or situation which poses danger to the system equipment network facilities required for rendering the Services danger to life etc as the case may be and has to be attended immediately E2E shall attempt to notify the Customer about the emergency maintenance in advance however depending upon the demands of the situation if E2E is not able to notify the Customer prior to conducting such Emergency Maintenance it may do so at the earliest opportunity after the performance of such emergency maintenance15 Excused Unavailability or EU means the aggregate number of hours in any month when E2E may carry out troubleshooting or upgrade to the equipment with intent to improve the Services with notification to the Customer The Emergency Maintenance and Planned Downtime shall be deemed to be a part of Excused Unavailability16 Planned Downtime or PD means the aggregate number of hours in any billed month during which downtime is requested by E2E to carry out checks configuration changes preventive maintenance of E2E infrastructure a of which the Customer is notified 48 hours in advance and b that is performed during a standard maintenance window from 11 PM to 6 AM IST or c performed during a nonstandard maintenance window at a time approved by the Customer by a method chosen by E2E telephone email Nothing herein shall restrict E2E from conducting Emergency Maintenance on an as needed basis The Customer may at their discretion ask for Planned downtime to repair the E2Es infrastructure made available to the Customer Examples of activities covered under Planned downtime shall include but is not limited to the following activitiesSecurity and updatesRoutine Preventive Maintenance to prevent deterioration of the quality of ServicesPreventive Maintenance of utilities like AC UPS Server Room where the servers are provided by E2E17 Downtime shall mean the aggregate percentage of hours in a billed month during which any discreteindividual Services offered by E2E was not available for use by the Customer DT PD EM Fault EU X 100 ST For the purpose of downtime only the impacted services or server instances impacted shall be considered18 Exceptions shall mean either an event or a set of events as are more particularly detailed in Clause 5 hereto the occurrence and the duration of occurrence of which shall not constitute a Service unavailability for the purposes of this SLA and shall be excluded from Downtime under this SLA19 Support Request shall mean an email sent to cloudplatforme2enetworkscom detailing Customer complaint to E2E in relation to unavailability of Services Reporting of Downtime by the Customer by a method set out under Clause 3 hereunder110 Rebates means Rebates payable in accordance with Clause 4 of this SLA111 Force Majeure Event includes but is not limited to significant failure of a part of the power grid significant failure of the internet natural disaster war riot insurrection epidemic outbreak of infectious diseases which has an impact of frustrating the provision of the Services as per this SLA pandemic fire strikes or other organised labour action terrorist activity acts of government authority acts of God or other events of a magnitude or type for which precautions are not generally taken in the industry and actsreasons which are beyond the control of any Party and cannot be predicted by men of ordinary prudence2 UPTIME21 If the Uptime during the month under consideration is less than 999 E2E will provide Rebates to the Customer in the form of an extension in the Services being rendered to the Customer in the manner set out below999 or greater No Service Extension999 to 99 Services Extension for 1 day beyond the Service period99 to 98 Services Extension for 2 day beyond the Service period98 to 97 ServicesExtension for 3 day beyond the Service periodLess than 97 Services Extension for 3n days where n is equal to 97UptimeOr equivalent credits or discount at the discretion of E2E in the next billing cycle3 DOWNTIME REPORTING PROCESS31 Any Downtime should be reported by the Customer to E2E by sending an email from its registered email ID on cloudplatforme2enetworkscom within 24 hours of discovering such Downtime The Customer shall be responsible to provide the necessary information and cooperation required by E2E to enable E2E to perform rootcause analysis of the Service problems32 Upon receipt of such email E2E shall investigate the reported Downtime and shall promptly use best industry standard efforts to rectify the same Provided that if the Customer does not comply with the requirements of Clause 31 the email shall not be considered to be a valid Downtime report and such period shall not be counted as part of Downtime for the purposes of this SLA4 ELIGIBILITY FOR REBATESRebates will only be applied to a Downtime for which E2E support team has been notified by the Customer in the manner provided in Clause 3 above41 The Rebates for Downtime set out in this document are calculated on a per incident basis and measured as a percentage of availability over a billed month For the avoidance of doubtaRebates are not calculated on a cumulative basis and b periods of outage are not aggregated for the purposes of any Rebate calculation42 The Customer must request Rebates by sending email to E2E at email ID cloudplatforme2enetworkscom with subject SLA Rebate Request giving details of the reported Downtime to which the Rebates relate The email shall include the following details the dates times and affected region of each Downtime incident that is being claimed Customers request logs that document the errors during such Downtime and corroborate its claimed outage any confidential or sensitive information in these logs should be removed or redacted in any convenient manner43 If the Customer fails to make such request with the aforesaid subject within 2 days of the end of the billed month for which such Rebates are due or receipt of invoice for the said billed month whichever is later then the Customer shall be deemed to have waived the Rebates for that downtime any claims that it may have in relation to such reported downtime and E2E will not be liable for any Rebates in lieu thereof44 Following the calculation of the Rebates they can be applied to the future invoices to be issued to the Customer Rebates shall not entitle the Customer to any refund or other payment from E2E No payment in part or in full to E2E shall be withheld by the Customer in anticipation of rebates45 The Customer shall not be entitled to any rebate under this SLA if the customer had failed to remit timely payments for invoices as per the due dates of invoices in previous billing cycle to E2E or in case the Customer delays the payment of Invoice raised for the said billed month for which Customer is anticipating rebate or the invoice in consequent billing cycle46 Where monthly recurring charges are used as the basis for calculating Rebates for Services provided during any period of less than a full calendar month such Rebates shall be calculated on a prorata basis47 In the event of any dispute between E2E and the Customer in respect of any Rebates E2E and the Customer will work in good faith to resolve such dispute If any such dispute is not resolved within a period of 15 days the decision made by E2E in this regard shall be final and binding5 EXCEPTIONS51 E2E shall not be responsible for any Downtime to the extent that such Downtime results from any of the following events or a combination of such eventsThe Services being modified or altered in any way at the Customers requestAny interruptions resulting from defects or failures in or use of the Customers software or any third party services or any facilities provided procured or operated by or on behalf of the Customer including but not limited to any 3rd party Open Source Software or Software Licenses provided by E2EIncomplete inaccurate information provided by the Customer to E2E in relation to the Services or information relevant to procuringcreating an E2E customer accountThe performance of traffic exchange points including Internet networks or exchanges controlled by any third partiesAny delay or failure in complying with any of the Customers obligations under the Terms of Service andor MSA as may be applicableDNS issue outside the direct control of E2E Failure of the Customer links access circuits local loop or any network not owned or operated by E2E Time taken during offline backups either planned or requested by the Customer after advance intimation by E2EDamage to or faults in the equipment facilitating access to the Services resulting from i accidents ii transportation iii neglect andor misuse by the Customer or its authorized representativesUse of any data center services by the Customer for purposes other than in relation to accessing the ServicesAny act or omission on the part of the Customer including but not limited to failure to notify E2E on the support email cloudplatforme2enetworkscom for any unexpected DowntimeEvents or occurrences that result in no trouble found for support request as confirmed by the CustomerAn interruption where the Customer elects not to release a Service for testing and repair and continues to use it on an impaired basis without notifying E2E of such interruptionAny interruptions delays or failures of Services under administrative control of the customer caused by any act or omission of Customer or Customers employees agents or subcontractors including but not limited to the followingInaccurate configurationNoncompliant use of any software installed on the serverIncorrect sizing of resources provisioningNegligence or other conduct of Customer or its authorized persons including a failure or malfunction resulting from applications or services provided by Customer or its authorized personsRegulatory events causing any interruption in the ServicesAny abuse or fraud or failure to comply with the E2E Terms of Service or MSA as applicable on the part of the Customer or its enduser as defined in the MSA as applicable for which the Customer shall be liableAny unavailability suspension or termination in the Services caused by factors outside of E2Es reasonable control including any Force Majeure Event or internet access related problems beyond the reasonable control of E2E or beyond the scope of the Services as the case may be6 The period of the reported downtime in respect of an impacted ServerService shall be deemed to commence from the time the email is sent by the Customer reporting the downtime to E2E as per the terms of Clause 3 of this SLA On receipt of such email E2E Team shall validate the reported downtime and check its eligibility to be considered as downtime while doing Uptime calculation for the purpose of clause 27 Accordingly the time period of calculation of any applicable credits for the purpose of computing the Rebate shall begin from the time that E2E Support is notified by email by the Customer as per the terms of this SLA and shall end on the resolution of the reported outage8 E2E does not take responsibility of data integrity and security for Customer as defined in the Terms of Service or MSA as applicable as the Customer has to ensure appropriate security measures such as protection of passwords and security keys9 It is the Customers responsibility to purchase appropriate data backup and recovery plans and manage them including testing the backups periodically in order to mitigate the risk of loss or accidental deletion of Customer data10 Unless otherwise provided in the Terms of Services MSA as applicable this SLA sets forth the Customers sole and exclusive remedies and E2Es sole and exclusive obligations for any unavailability nonperformance or other failure by E2E to provide the ServicesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
Blog Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpSearchSearch BlogsFeatured February 16 2024Mastering Vector Embeddings A Comprehensive Guide to Revolutionizing Data ScienceByUzma FaridiLatest BlogsView All March 22 2024StepbyStep Guide to Unlocking OpenVocabulary Object Detection with YOLOWorld March 22 2024Building a RAG Pipeline for Enterprise Content Using Mamba March 20 2024StepbyStep Guide to FineTuning SDXL for the Advertising Media and Entertainment Sector March 18 2024Language Translation with Transformer Model Using TensorFlow on E2Es Cloud GPU Server March 15 2024How to Get Started with TIR the AI Platform in Minutes March 13 2024StepbyStep Guide to FineTuning Mistral 7B for Indian LanguagesAI Machine LearningView All March 22 2024StepbyStep Guide to Unlocking OpenVocabulary Object Detection with YOLOWorld March 22 2024Building a RAG Pipeline for Enterprise Content Using Mamba March 20 2024StepbyStep Guide to FineTuning SDXL for the Advertising Media and Entertainment Sector March 18 2024Language Translation with Transformer Model Using TensorFlow on E2Es Cloud GPU Server March 15 2024How to Get Started with TIR the AI Platform in Minutes March 13 2024StepbyStep Guide to FineTuning Mistral 7B for Indian LanguagesGPUView All December 20 2023A DeepDive into H100 Cloud GPUs for CXOs and Leaders October 3 2023Nougat Neural Optical Understanding for Academic Documents October 3 2023Ludwig 08 A Novel and Efficient LLM September 29 2023A Deep Dive into RetrievalAugmented Generation DiversityRanker and LostInTheMiddleRanker September 29 2023Efficiently Training Transformers A Comprehensive Guide to HighPerformance NLP Models How to Launch LLM Chatbot Powered by Enterprise Data on E2E CloudCostSavingView All August 31 2023Adaptive AI A GameChanger in the World of AI August 25 2023NVIDIA L4 vs A100 GPUs Choosing the Right Option for Your AI Needs July 21 2023Master the Art of Sales and Generate Revenue for Your Business An Interview with E2E Networks CRO Kesava Reddy May 10 2023An Executives Guide to AI Adoption August 5 2022Should you migrate to E2E Cloud from Digital Ocean August 2 2022BERT Explained State of the Art language model for NLPSecurityView All September 19 2023Data Privacy in the Age of Advanced Analytics September 18 2023Payments Fraud Prevention with Data Science August 28 2023How E2E Networks Is Simplifying Cloud Computing for Startups and Enterprises August 31 2023AI Cloud and Data Security A Comprehensive Guide to Safeguarding Customer Information August 17 2023Is Open Port Vulnerable August 7 2023Machine Learning Models Unveiling Security Vulnerabilities and Fortifying RobustnessBuild on the most powerful infrastructure cloudGet Started for FreeContact SalesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram
Collaterals Claim your spot on the waitlist for the NVIDIA H100 GPUs Join WaitlistE2E CloudProductsPricingPartnersEventsCareersCompanyInvestorContact UsBlogLoginLoginSign UpE2E Networks WhitepapersCase Studies Eigenlytics GPU Case Study GPU Case Study Cost Reduction Case Study NonProfit Publishing House Case Study Customer Database Optimisation Case StudyCollaterals Infrastructure BrochurePresentations E2E Networks Sales DeckBuild on the most powerful infrastructure cloudGet Started for FreeContact SalesProductsCPU Intensive CloudHigh Memory CloudLinux Smart DedicatedcPanel Linux CloudWindows CloudWindows SQL CloudPlesk Windows CloudGPU Smart DedicatedLoad BalancerCompanyAbout UsMeet the TeamBecome a PartnerE2E in MediaTestimonialsInvestorsCareersContact UsContact SalesEscalation MatrixService Level AgreementTerms of ServicePrivacy PolicyRefund PolicyPolicy FAQResourcesBlogEventsService Health StatusHelpWhitePapersEcosystem EnablersCustomersCertificationsCountries ServedFAQsE2E CloudE2E Networks Limited is Indias fastest growing accelerated cloud computing playerSubscribe to our newsletterGet latest news articles resources and trends delivered to your inbox weeklyThank you Your submission has been receivedOops Something went wrong while submitting the formCIN Number L72900DL2009PLC341980 Copyright 2024 E2E Networks Limited YouTubeInstagram